diff --git a/Neural Networks/Sign Language To Speech/README.md b/Neural Networks/Sign Language To Speech/README.md new file mode 100644 index 00000000..39c002de --- /dev/null +++ b/Neural Networks/Sign Language To Speech/README.md @@ -0,0 +1,41 @@ + +# GestureVoice + +A Flask application that translates hand gestures into text and speech in over 120 languages, with options for both +male and female voices. This innovative application utilizes advanced image processing techniques, a finely-tuned +deep learning model, and various natural language processing methods to ensure high accuracy and a seamless user +experience. By combining deep learning, machine learning, natural language processing, and computer vision, this +project offers a state-of-the-art solution for gesture-to-speech conversion. + + +## Demo + + + +https://github.com/user-attachments/assets/9a7e85ed-0eb2-41bc-8a23-eee72dfa0b7b + + +![logo](https://res.cloudinary.com/deqqhlv5n/image/upload/v1719460093/xfldkgmovhhncgafvgre.png) + +![logo](https://github.com/user-attachments/assets/1a6c54a7-26b4-452e-9919-43134da54fba) + +![logo](https://github.com/user-attachments/assets/445e609a-6ede-4244-82c1-4727b4fdccba) + + + +![logo](https://github.com/user-attachments/assets/e1b72cd7-1d78-46f2-aed0-4d6f4fed75a8) + + + +## Installation + +```bash + pip install requirements.txt + python app.py +``` + + +## License + +[MIT](https://choosealicense.com/licenses/mit/) + diff --git a/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/pytorch_i3d.py b/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/pytorch_i3d.py new file mode 100644 index 00000000..a6c63571 --- /dev/null +++ b/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/pytorch_i3d.py @@ -0,0 +1,354 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +from torch.autograd import Variable + +import numpy as np + +import os +import sys +from collections import OrderedDict + + +class MaxPool3dSamePadding(nn.MaxPool3d): + + def compute_pad(self, dim, s): + if s % self.stride[dim] == 0: + return max(self.kernel_size[dim] - self.stride[dim], 0) + else: + return max(self.kernel_size[dim] - (s % self.stride[dim]), 0) + + def forward(self, x): + # compute 'same' padding + (batch, channel, t, h, w) = x.size() + #print t,h,w + out_t = np.ceil(float(t) / float(self.stride[0])) + out_h = np.ceil(float(h) / float(self.stride[1])) + out_w = np.ceil(float(w) / float(self.stride[2])) + #print out_t, out_h, out_w + pad_t = self.compute_pad(0, t) + pad_h = self.compute_pad(1, h) + pad_w = self.compute_pad(2, w) + #print pad_t, pad_h, pad_w + + pad_t_f = pad_t // 2 + pad_t_b = pad_t - pad_t_f + pad_h_f = pad_h // 2 + pad_h_b = pad_h - pad_h_f + pad_w_f = pad_w // 2 + pad_w_b = pad_w - pad_w_f + + pad = (pad_w_f, pad_w_b, pad_h_f, pad_h_b, pad_t_f, pad_t_b) + #print x.size() + #print pad + x = F.pad(x, pad) + return super(MaxPool3dSamePadding, self).forward(x) + + +class Unit3D(nn.Module): + + def __init__(self, in_channels, + output_channels, + kernel_shape=(1, 1, 1), + stride=(1, 1, 1), + padding=0, + activation_fn=F.relu, + use_batch_norm=True, + use_bias=False, + name='unit_3d'): + + """Initializes Unit3D module.""" + super(Unit3D, self).__init__() + + self._output_channels = output_channels + self._kernel_shape = kernel_shape + self._stride = stride + self._use_batch_norm = use_batch_norm + self._activation_fn = activation_fn + self._use_bias = use_bias + self.name = name + self.padding = padding + + self.conv3d = nn.Conv3d(in_channels=in_channels, + out_channels=self._output_channels, + kernel_size=self._kernel_shape, + stride=self._stride, + padding=0, # we always want padding to be 0 here. We will dynamically pad based on input size in forward function + bias=self._use_bias) + + if self._use_batch_norm: + self.bn = nn.BatchNorm3d(self._output_channels, eps=0.001, momentum=0.01) + + def compute_pad(self, dim, s): + if s % self._stride[dim] == 0: + return max(self._kernel_shape[dim] - self._stride[dim], 0) + else: + return max(self._kernel_shape[dim] - (s % self._stride[dim]), 0) + + + def forward(self, x): + # compute 'same' padding + (batch, channel, t, h, w) = x.size() + #print t,h,w + out_t = np.ceil(float(t) / float(self._stride[0])) + out_h = np.ceil(float(h) / float(self._stride[1])) + out_w = np.ceil(float(w) / float(self._stride[2])) + #print out_t, out_h, out_w + pad_t = self.compute_pad(0, t) + pad_h = self.compute_pad(1, h) + pad_w = self.compute_pad(2, w) + #print pad_t, pad_h, pad_w + + pad_t_f = pad_t // 2 + pad_t_b = pad_t - pad_t_f + pad_h_f = pad_h // 2 + pad_h_b = pad_h - pad_h_f + pad_w_f = pad_w // 2 + pad_w_b = pad_w - pad_w_f + + pad = (pad_w_f, pad_w_b, pad_h_f, pad_h_b, pad_t_f, pad_t_b) + #print x.size() + #print pad + x = F.pad(x, pad) + #print x.size() + + x = self.conv3d(x) + if self._use_batch_norm: + x = self.bn(x) + if self._activation_fn is not None: + x = self._activation_fn(x) + return x + + + +class InceptionModule(nn.Module): + def __init__(self, in_channels, out_channels, name): + super(InceptionModule, self).__init__() + + self.b0 = Unit3D(in_channels=in_channels, output_channels=out_channels[0], kernel_shape=[1, 1, 1], padding=0, + name=name+'/Branch_0/Conv3d_0a_1x1') + self.b1a = Unit3D(in_channels=in_channels, output_channels=out_channels[1], kernel_shape=[1, 1, 1], padding=0, + name=name+'/Branch_1/Conv3d_0a_1x1') + self.b1b = Unit3D(in_channels=out_channels[1], output_channels=out_channels[2], kernel_shape=[3, 3, 3], + name=name+'/Branch_1/Conv3d_0b_3x3') + self.b2a = Unit3D(in_channels=in_channels, output_channels=out_channels[3], kernel_shape=[1, 1, 1], padding=0, + name=name+'/Branch_2/Conv3d_0a_1x1') + self.b2b = Unit3D(in_channels=out_channels[3], output_channels=out_channels[4], kernel_shape=[3, 3, 3], + name=name+'/Branch_2/Conv3d_0b_3x3') + self.b3a = MaxPool3dSamePadding(kernel_size=[3, 3, 3], + stride=(1, 1, 1), padding=0) + self.b3b = Unit3D(in_channels=in_channels, output_channels=out_channels[5], kernel_shape=[1, 1, 1], padding=0, + name=name+'/Branch_3/Conv3d_0b_1x1') + self.name = name + + def forward(self, x): + b0 = self.b0(x) + b1 = self.b1b(self.b1a(x)) + b2 = self.b2b(self.b2a(x)) + b3 = self.b3b(self.b3a(x)) + return torch.cat([b0,b1,b2,b3], dim=1) + + +class InceptionI3d(nn.Module): + """Inception-v1 I3D architecture. + The model is introduced in: + Quo Vadis, Action Recognition? A New Model and the Kinetics Dataset + Joao Carreira, Andrew Zisserman + https://arxiv.org/pdf/1705.07750v1.pdf. + See also the Inception architecture, introduced in: + Going deeper with convolutions + Christian Szegedy, Wei Liu, Yangqing Jia, Pierre Sermanet, Scott Reed, + Dragomir Anguelov, Dumitru Erhan, Vincent Vanhoucke, Andrew Rabinovich. + http://arxiv.org/pdf/1409.4842v1.pdf. + """ + + # Endpoints of the model in order. During construction, all the endpoints up + # to a designated `final_endpoint` are returned in a dictionary as the + # second return value. + VALID_ENDPOINTS = ( + 'Conv3d_1a_7x7', + 'MaxPool3d_2a_3x3', + 'Conv3d_2b_1x1', + 'Conv3d_2c_3x3', + 'MaxPool3d_3a_3x3', + 'Mixed_3b', + 'Mixed_3c', + 'MaxPool3d_4a_3x3', + 'Mixed_4b', + 'Mixed_4c', + 'Mixed_4d', + 'Mixed_4e', + 'Mixed_4f', + 'MaxPool3d_5a_2x2', + 'Mixed_5b', + 'Mixed_5c', + 'Logits', + 'Predictions', + ) + + def __init__(self, num_classes=400, spatial_squeeze=True, + final_endpoint='Logits', name='inception_i3d', in_channels=3, dropout_keep_prob=0.5): + """Initializes I3D model instance. + Args: + num_classes: The number of outputs in the logit layer (default 400, which + matches the Kinetics dataset). + spatial_squeeze: Whether to squeeze the spatial dimensions for the logits + before returning (default True). + final_endpoint: The model contains many possible endpoints. + `final_endpoint` specifies the last endpoint for the model to be built + up to. In addition to the output at `final_endpoint`, all the outputs + at endpoints up to `final_endpoint` will also be returned, in a + dictionary. `final_endpoint` must be one of + InceptionI3d.VALID_ENDPOINTS (default 'Logits'). + name: A string (optional). The name of this module. + Raises: + ValueError: if `final_endpoint` is not recognized. + """ + + if final_endpoint not in self.VALID_ENDPOINTS: + raise ValueError('Unknown final endpoint %s' % final_endpoint) + + super(InceptionI3d, self).__init__() + self._num_classes = num_classes + self._spatial_squeeze = spatial_squeeze + self._final_endpoint = final_endpoint + self.logits = None + + if self._final_endpoint not in self.VALID_ENDPOINTS: + raise ValueError('Unknown final endpoint %s' % self._final_endpoint) + + self.end_points = {} + end_point = 'Conv3d_1a_7x7' + self.end_points[end_point] = Unit3D(in_channels=in_channels, output_channels=64, kernel_shape=[7, 7, 7], + stride=(2, 2, 2), padding=(3,3,3), name=name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'MaxPool3d_2a_3x3' + self.end_points[end_point] = MaxPool3dSamePadding(kernel_size=[1, 3, 3], stride=(1, 2, 2), + padding=0) + if self._final_endpoint == end_point: return + + end_point = 'Conv3d_2b_1x1' + self.end_points[end_point] = Unit3D(in_channels=64, output_channels=64, kernel_shape=[1, 1, 1], padding=0, + name=name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Conv3d_2c_3x3' + self.end_points[end_point] = Unit3D(in_channels=64, output_channels=192, kernel_shape=[3, 3, 3], padding=1, + name=name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'MaxPool3d_3a_3x3' + self.end_points[end_point] = MaxPool3dSamePadding(kernel_size=[1, 3, 3], stride=(1, 2, 2), + padding=0) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_3b' + self.end_points[end_point] = InceptionModule(192, [64,96,128,16,32,32], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_3c' + self.end_points[end_point] = InceptionModule(256, [128,128,192,32,96,64], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'MaxPool3d_4a_3x3' + self.end_points[end_point] = MaxPool3dSamePadding(kernel_size=[3, 3, 3], stride=(2, 2, 2), + padding=0) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_4b' + self.end_points[end_point] = InceptionModule(128+192+96+64, [192,96,208,16,48,64], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_4c' + self.end_points[end_point] = InceptionModule(192+208+48+64, [160,112,224,24,64,64], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_4d' + self.end_points[end_point] = InceptionModule(160+224+64+64, [128,128,256,24,64,64], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_4e' + self.end_points[end_point] = InceptionModule(128+256+64+64, [112,144,288,32,64,64], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_4f' + self.end_points[end_point] = InceptionModule(112+288+64+64, [256,160,320,32,128,128], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'MaxPool3d_5a_2x2' + self.end_points[end_point] = MaxPool3dSamePadding(kernel_size=[2, 2, 2], stride=(2, 2, 2), + padding=0) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_5b' + self.end_points[end_point] = InceptionModule(256+320+128+128, [256,160,320,32,128,128], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Mixed_5c' + self.end_points[end_point] = InceptionModule(256+320+128+128, [384,192,384,48,128,128], name+end_point) + if self._final_endpoint == end_point: return + + end_point = 'Logits' + self.avg_pool = nn.AvgPool3d(kernel_size=[2, 7, 7], + stride=(1, 1, 1)) + self.dropout = nn.Dropout(dropout_keep_prob) + self.logits = Unit3D(in_channels=384+384+128+128, output_channels=self._num_classes, + kernel_shape=[1, 1, 1], + padding=0, + activation_fn=None, + use_batch_norm=False, + use_bias=True, + name='logits') + + self.build() + + + def replace_logits(self, num_classes): + self._num_classes = num_classes + self.logits = Unit3D(in_channels=384+384+128+128, output_channels=self._num_classes, + kernel_shape=[1, 1, 1], + padding=0, + activation_fn=None, + use_batch_norm=False, + use_bias=True, + name='logits') + + def build(self): + for k in self.end_points.keys(): + self.add_module(k, self.end_points[k]) + + def forward(self, x, pretrained=False, n_tune_layers=-1): + if pretrained: + assert n_tune_layers >= 0 + + freeze_endpoints = self.VALID_ENDPOINTS[:-n_tune_layers] + tune_endpoints = self.VALID_ENDPOINTS[-n_tune_layers:] + else: + freeze_endpoints = [] + tune_endpoints = self.VALID_ENDPOINTS + + # backbone, no gradient part + with torch.no_grad(): + for end_point in freeze_endpoints: + if end_point in self.end_points: + x = self._modules[end_point](x) # use _modules to work with dataparallel + + # backbone, gradient part + for end_point in tune_endpoints: + if end_point in self.end_points: + x = self._modules[end_point](x) # use _modules to work with dataparallel + + # head + x = self.logits(self.dropout(self.avg_pool(x))) + if self._spatial_squeeze: + logits = x.squeeze(3).squeeze(3) + # logits is batch X time X classes, which is what we want to work with + return logits + + + def extract_features(self, x): + for end_point in self.VALID_ENDPOINTS: + if end_point in self.end_points: + x = self._modules[end_point](x) + return self.avg_pool(x) \ No newline at end of file diff --git a/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/test_i3d.py b/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/test_i3d.py new file mode 100644 index 00000000..ccdd653b --- /dev/null +++ b/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/test_i3d.py @@ -0,0 +1,272 @@ +import math +import os +import argparse + +import matplotlib.pyplot as plt + +import torch +import torch.nn as nn + +from torchvision import transforms +import videotransforms + +import numpy as np + +import torch.nn.functional as F +from pytorch_i3d import InceptionI3d + +# from nslt_dataset_all import NSLT as Dataset +from datasets.nslt_dataset_all import NSLT as Dataset +import cv2 + + +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" +os.environ["CUDA_VISIBLE_DEVICES"] = '0' +parser = argparse.ArgumentParser() +parser.add_argument('-mode', type=str, help='rgb or flow') +parser.add_argument('-save_model', type=str) +parser.add_argument('-root', type=str) + +args = parser.parse_args() + + +def load_rgb_frames_from_video(video_path, start=0, num=-1): + vidcap = cv2.VideoCapture(video_path) + # vidcap = cv2.VideoCapture('/home/dxli/Desktop/dm_256.mp4') + + frames = [] + + vidcap.set(cv2.CAP_PROP_POS_FRAMES, start) + if num == -1: + num = int(vidcap.get(cv2.CAP_PROP_FRAME_COUNT)) + + for offset in range(num): + success, img = vidcap.read() + + w, h, c = img.shape + sc = 224 / w + img = cv2.resize(img, dsize=(0, 0), fx=sc, fy=sc) + + img = (img / 255.) * 2 - 1 + + frames.append(img) + + return torch.Tensor(np.asarray(frames, dtype=np.float32)) + + +def run(init_lr=0.1, + max_steps=64e3, + mode='rgb', + root='/ssd/Charades_v1_rgb', + train_split='charades/charades.json', + batch_size=3 * 15, + save_model='', + weights=None): + # setup dataset + test_transforms = transforms.Compose([videotransforms.CenterCrop(224)]) + + val_dataset = Dataset(train_split, 'test', root, mode, test_transforms) + val_dataloader = torch.utils.data.DataLoader(val_dataset, batch_size=1, + shuffle=False, num_workers=2, + pin_memory=False) + + dataloaders = {'test': val_dataloader} + datasets = {'test': val_dataset} + + # setup the model + if mode == 'flow': + i3d = InceptionI3d(400, in_channels=2) + i3d.load_state_dict(torch.load('weights/flow_imagenet.pt')) + else: + i3d = InceptionI3d(400, in_channels=3) + i3d.load_state_dict(torch.load('weights/rgb_imagenet.pt')) + i3d.replace_logits(num_classes) + i3d.load_state_dict(torch.load(weights)) # nslt_2000_000700.pt nslt_1000_010800 nslt_300_005100.pt(best_results) nslt_300_005500.pt(results_reported) nslt_2000_011400 + i3d.cuda() + i3d = nn.DataParallel(i3d) + i3d.eval() + + correct = 0 + correct_5 = 0 + correct_10 = 0 + + top1_fp = np.zeros(num_classes, dtype=np.int) + top1_tp = np.zeros(num_classes, dtype=np.int) + + top5_fp = np.zeros(num_classes, dtype=np.int) + top5_tp = np.zeros(num_classes, dtype=np.int) + + top10_fp = np.zeros(num_classes, dtype=np.int) + top10_tp = np.zeros(num_classes, dtype=np.int) + + for data in dataloaders["test"]: + inputs, labels, video_id = data # inputs: b, c, t, h, w + + per_frame_logits = i3d(inputs) + + predictions = torch.max(per_frame_logits, dim=2)[0] + out_labels = np.argsort(predictions.cpu().detach().numpy()[0]) + out_probs = np.sort(predictions.cpu().detach().numpy()[0]) + + if labels[0].item() in out_labels[-5:]: + correct_5 += 1 + top5_tp[labels[0].item()] += 1 + else: + top5_fp[labels[0].item()] += 1 + if labels[0].item() in out_labels[-10:]: + correct_10 += 1 + top10_tp[labels[0].item()] += 1 + else: + top10_fp[labels[0].item()] += 1 + if torch.argmax(predictions[0]).item() == labels[0].item(): + correct += 1 + top1_tp[labels[0].item()] += 1 + else: + top1_fp[labels[0].item()] += 1 + print(video_id, float(correct) / len(dataloaders["test"]), float(correct_5) / len(dataloaders["test"]), + float(correct_10) / len(dataloaders["test"])) + + # per-class accuracy + top1_per_class = np.mean(top1_tp / (top1_tp + top1_fp)) + top5_per_class = np.mean(top5_tp / (top5_tp + top5_fp)) + top10_per_class = np.mean(top10_tp / (top10_tp + top10_fp)) + print('top-k average per class acc: {}, {}, {}'.format(top1_per_class, top5_per_class, top10_per_class)) + + +def ensemble(mode, root, train_split, weights, num_classes): + # setup dataset + test_transforms = transforms.Compose([videotransforms.CenterCrop(224)]) + # test_transforms = transforms.Compose([]) + + val_dataset = Dataset(train_split, 'test', root, mode, test_transforms) + val_dataloader = torch.utils.data.DataLoader(val_dataset, batch_size=1, + shuffle=False, num_workers=2, + pin_memory=False) + + dataloaders = {'test': val_dataloader} + datasets = {'test': val_dataset} + + # setup the model + if mode == 'flow': + i3d = InceptionI3d(400, in_channels=2) + i3d.load_state_dict(torch.load('weights/flow_imagenet.pt')) + else: + i3d = InceptionI3d(400, in_channels=3) + i3d.load_state_dict(torch.load('weights/rgb_imagenet.pt')) + i3d.replace_logits(num_classes) + i3d.load_state_dict(torch.load(weights)) # nslt_2000_000700.pt nslt_1000_010800 nslt_300_005100.pt(best_results) nslt_300_005500.pt(results_reported) nslt_2000_011400 + i3d.cuda() + i3d = nn.DataParallel(i3d) + i3d.eval() + + correct = 0 + correct_5 = 0 + correct_10 = 0 + # confusion_matrix = np.zeros((num_classes,num_classes), dtype=np.int) + + top1_fp = np.zeros(num_classes, dtype=np.int) + top1_tp = np.zeros(num_classes, dtype=np.int) + + top5_fp = np.zeros(num_classes, dtype=np.int) + top5_tp = np.zeros(num_classes, dtype=np.int) + + top10_fp = np.zeros(num_classes, dtype=np.int) + top10_tp = np.zeros(num_classes, dtype=np.int) + + for data in dataloaders["test"]: + inputs, labels, video_id = data # inputs: b, c, t, h, w + + t = inputs.size(2) + num = 64 + if t > num: + num_segments = math.floor(t / num) + + segments = [] + for k in range(num_segments): + segments.append(inputs[:, :, k*num: (k+1)*num, :, :]) + + segments = torch.cat(segments, dim=0) + per_frame_logits = i3d(segments) + + predictions = torch.mean(per_frame_logits, dim=2) + + if predictions.shape[0] > 1: + predictions = torch.mean(predictions, dim=0) + + else: + per_frame_logits = i3d(inputs) + predictions = torch.mean(per_frame_logits, dim=2)[0] + + out_labels = np.argsort(predictions.cpu().detach().numpy()) + + if labels[0].item() in out_labels[-5:]: + correct_5 += 1 + top5_tp[labels[0].item()] += 1 + else: + top5_fp[labels[0].item()] += 1 + if labels[0].item() in out_labels[-10:]: + correct_10 += 1 + top10_tp[labels[0].item()] += 1 + else: + top10_fp[labels[0].item()] += 1 + if torch.argmax(predictions).item() == labels[0].item(): + correct += 1 + top1_tp[labels[0].item()] += 1 + else: + top1_fp[labels[0].item()] += 1 + print(video_id, float(correct) / len(dataloaders["test"]), float(correct_5) / len(dataloaders["test"]), + float(correct_10) / len(dataloaders["test"])) + + top1_per_class = np.mean(top1_tp / (top1_tp + top1_fp)) + top5_per_class = np.mean(top5_tp / (top5_tp + top5_fp)) + top10_per_class = np.mean(top10_tp / (top10_tp + top10_fp)) + print('top-k average per class acc: {}, {}, {}'.format(top1_per_class, top5_per_class, top10_per_class)) + + +def run_on_tensor(weights, ip_tensor, num_classes): + i3d = InceptionI3d(400, in_channels=3) + # i3d.load_state_dict(torch.load('models/rgb_imagenet.pt')) + + i3d.replace_logits(num_classes) + i3d.load_state_dict(torch.load(weights)) # nslt_2000_000700.pt nslt_1000_010800 nslt_300_005100.pt(best_results) nslt_300_005500.pt(results_reported) nslt_2000_011400 + i3d.cuda() + i3d = nn.DataParallel(i3d) + i3d.eval() + + t = ip_tensor.shape[2] + ip_tensor.cuda() + per_frame_logits = i3d(ip_tensor) + + predictions = F.upsample(per_frame_logits, t, mode='linear') + + predictions = predictions.transpose(2, 1) + out_labels = np.argsort(predictions.cpu().detach().numpy()[0]) + + arr = predictions.cpu().detach().numpy()[0,:,0].T + + plt.plot(range(len(arr)), F.softmax(torch.from_numpy(arr), dim=0).numpy()) + plt.show() + + return out_labels + + +def get_slide_windows(frames, window_size, stride=1): + indices = torch.arange(0, frames.shape[0]) + window_indices = indices.unfold(0, window_size, stride) + + return frames[window_indices, :, :, :].transpose(1, 2) + + +if __name__ == '__main__': + # ================== test i3d on a dataset ============== + # need to add argparse + mode = 'rgb' + num_classes = 2000 + save_model = './checkpoints/' + + root = '../../data/WLASL2000' + + train_split = 'preprocess/nslt_{}.json'.format(num_classes) + weights = 'archived/asl2000/FINAL_nslt_2000_iters=5104_top1=32.48_top5=57.31_top10=66.31.pt' + + run(mode=mode, root=root, save_model=save_model, train_split=train_split, weights=weights) diff --git a/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/train_i3d.py b/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/train_i3d.py new file mode 100644 index 00000000..66c3c93e --- /dev/null +++ b/Neural Networks/Sign Language To Speech/Word Databases/I3D Src/train_i3d.py @@ -0,0 +1,204 @@ +import os +import argparse + +import torch +import torch.nn as nn +import torch.nn.functional as F +import torch.optim as optim +from torch.autograd import Variable +from torch.optim.lr_scheduler import StepLR, MultiStepLR + +from torchvision import transforms +import videotransforms + +import numpy as np + +from configs import Config +from pytorch_i3d import InceptionI3d + +# from datasets.nslt_dataset import NSLT as Dataset +from datasets.nslt_dataset import NSLT as Dataset + +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" +os.environ["CUDA_VISIBLE_DEVICES"] = '0' + +parser = argparse.ArgumentParser() +parser.add_argument('-mode', type=str, help='rgb or flow') +parser.add_argument('-save_model', type=str) +parser.add_argument('-root', type=str) +parser.add_argument('--num_class', type=int) + +args = parser.parse_args() + +torch.manual_seed(0) +np.random.seed(0) + +torch.backends.cudnn.deterministic = True +torch.backends.cudnn.benchmark = False + + +def run(configs, + mode='rgb', + root='/ssd/Charades_v1_rgb', + train_split='charades/charades.json', + save_model='', + weights=None): + print(configs) + + # setup dataset + train_transforms = transforms.Compose([videotransforms.RandomCrop(224), + videotransforms.RandomHorizontalFlip(), ]) + test_transforms = transforms.Compose([videotransforms.CenterCrop(224)]) + + dataset = Dataset(train_split, 'train', root, mode, train_transforms) + dataloader = torch.utils.data.DataLoader(dataset, batch_size=configs.batch_size, shuffle=True, num_workers=0, + pin_memory=True) + + val_dataset = Dataset(train_split, 'test', root, mode, test_transforms) + val_dataloader = torch.utils.data.DataLoader(val_dataset, batch_size=configs.batch_size, shuffle=True, num_workers=2, + pin_memory=False) + + dataloaders = {'train': dataloader, 'test': val_dataloader} + datasets = {'train': dataset, 'test': val_dataset} + + # setup the model + if mode == 'flow': + i3d = InceptionI3d(400, in_channels=2) + i3d.load_state_dict(torch.load('weights/flow_imagenet.pt')) + else: + i3d = InceptionI3d(400, in_channels=3) + i3d.load_state_dict(torch.load('weights/rgb_imagenet.pt')) + + num_classes = dataset.num_classes + i3d.replace_logits(num_classes) + + if weights: + print('loading weights {}'.format(weights)) + i3d.load_state_dict(torch.load(weights)) + + i3d.cuda() + i3d = nn.DataParallel(i3d) + + lr = configs.init_lr + weight_decay = configs.adam_weight_decay + optimizer = optim.Adam(i3d.parameters(), lr=lr, weight_decay=weight_decay) + + num_steps_per_update = configs.update_per_step # accum gradient + steps = 0 + epoch = 0 + + best_val_score = 0 + # train it + scheduler = torch.optim.lr_scheduler.ReduceLROnPlateau(optimizer, 'min', patience=5, factor=0.3) + while steps < configs.max_steps and epoch < 400: # for epoch in range(num_epochs): + print('Step {}/{}'.format(steps, configs.max_steps)) + print('-' * 10) + + epoch += 1 + # Each epoch has a training and validation phase + for phase in ['train', 'test']: + collected_vids = [] + + if phase == 'train': + i3d.train(True) + else: + i3d.train(False) # Set model to evaluate mode + + tot_loss = 0.0 + tot_loc_loss = 0.0 + tot_cls_loss = 0.0 + num_iter = 0 + optimizer.zero_grad() + + confusion_matrix = np.zeros((num_classes, num_classes), dtype=np.int) + # Iterate over data. + for data in dataloaders[phase]: + num_iter += 1 + # get the inputs + if data == -1: # bracewell does not compile opencv with ffmpeg, strange errors occur resulting in no video loaded + continue + + # inputs, labels, vid, src = data + inputs, labels, vid = data + + # wrap them in Variable + inputs = inputs.cuda() + t = inputs.size(2) + labels = labels.cuda() + + per_frame_logits = i3d(inputs, pretrained=False) + # upsample to input size + per_frame_logits = F.upsample(per_frame_logits, t, mode='linear') + + # compute localization loss + loc_loss = F.binary_cross_entropy_with_logits(per_frame_logits, labels) + tot_loc_loss += loc_loss.data.item() + + predictions = torch.max(per_frame_logits, dim=2)[0] + gt = torch.max(labels, dim=2)[0] + + # compute classification loss (with max-pooling along time B x C x T) + cls_loss = F.binary_cross_entropy_with_logits(torch.max(per_frame_logits, dim=2)[0], + torch.max(labels, dim=2)[0]) + tot_cls_loss += cls_loss.data.item() + + for i in range(per_frame_logits.shape[0]): + confusion_matrix[torch.argmax(gt[i]).item(), torch.argmax(predictions[i]).item()] += 1 + + loss = (0.5 * loc_loss + 0.5 * cls_loss) / num_steps_per_update + tot_loss += loss.data.item() + if num_iter == num_steps_per_update // 2: + print(epoch, steps, loss.data.item()) + loss.backward() + + if num_iter == num_steps_per_update and phase == 'train': + steps += 1 + num_iter = 0 + optimizer.step() + optimizer.zero_grad() + # lr_sched.step() + if steps % 10 == 0: + acc = float(np.trace(confusion_matrix)) / np.sum(confusion_matrix) + print( + 'Epoch {} {} Loc Loss: {:.4f} Cls Loss: {:.4f} Tot Loss: {:.4f} Accu :{:.4f}'.format(epoch, + phase, + tot_loc_loss / (10 * num_steps_per_update), + tot_cls_loss / (10 * num_steps_per_update), + tot_loss / 10, + acc)) + tot_loss = tot_loc_loss = tot_cls_loss = 0. + if phase == 'test': + val_score = float(np.trace(confusion_matrix)) / np.sum(confusion_matrix) + if val_score > best_val_score or epoch % 2 == 0: + best_val_score = val_score + model_name = save_model + "nslt_" + str(num_classes) + "_" + str(steps).zfill( + 6) + '_%3f.pt' % val_score + + torch.save(i3d.module.state_dict(), model_name) + print(model_name) + + print('VALIDATION: {} Loc Loss: {:.4f} Cls Loss: {:.4f} Tot Loss: {:.4f} Accu :{:.4f}'.format(phase, + tot_loc_loss / num_iter, + tot_cls_loss / num_iter, + (tot_loss * num_steps_per_update) / num_iter, + val_score + )) + + scheduler.step(tot_loss * num_steps_per_update / num_iter) + + +if __name__ == '__main__': + # WLASL setting + mode = 'rgb' + root = {'word': '../../data/WLASL2000'} + + save_model = 'checkpoints/' + train_split = 'preprocess/nslt_2000.json' + + # weights = 'archived/asl2000/FINAL_nslt_2000_iters=5104_top1=32.48_top5=57.31_top10=66.31.pt' + weights = None + config_file = 'configfiles/asl2000.ini' + + configs = Config(config_file) + print(root, train_split) + run(configs=configs, mode=mode, root=root, save_model=save_model, train_split=train_split, weights=weights) diff --git a/Neural Networks/Sign Language To Speech/Word Databases/Tools/Dataset Splitting/WLASL_v0.3.json b/Neural Networks/Sign Language To Speech/Word Databases/Tools/Dataset Splitting/WLASL_v0.3.json new file mode 100644 index 00000000..6077d1e4 --- /dev/null +++ b/Neural Networks/Sign Language To Speech/Word Databases/Tools/Dataset Splitting/WLASL_v0.3.json @@ -0,0 +1,389496 @@ +[ + { + "gloss": "book", + "instances": [ + { + "bbox": [ + 385, + 37, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/book.mp4", + "variation_id": 0, + "video_id": "69241" + }, + { + "bbox": [ + 190, + 25, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOOK-418.mp4", + "variation_id": 0, + "video_id": "65225" + }, + { + "bbox": [ + 262, + 1, + 652, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=0UsjUE-TXns", + "variation_id": 0, + "video_id": "68011" + }, + { + "bbox": [ + 123, + 19, + 516, + 358 + ], + "fps": 25, + "frame_end": 60, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=1QOYOZ3g-aY", + "variation_id": 0, + "video_id": "68208" + }, + { + "bbox": [ + 95, + 0, + 1180, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=aGtIHKEdCds", + "variation_id": 0, + "video_id": "68012" + }, + { + "bbox": [ + 110, + 25, + 274, + 240 + ], + "fps": 25, + "frame_end": 2249, + "frame_start": 2150, + "instance_id": 5, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70212" + }, + { + "bbox": [ + 153, + 38, + 395, + 360 + ], + "fps": 25, + "frame_end": 3852, + "frame_start": 3732, + "instance_id": 6, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70266" + }, + { + "bbox": [ + 16, + 2, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_english_grammar.swf", + "variation_id": 0, + "video_id": "07085" + }, + { + "bbox": [ + 16, + 4, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_geography.swf", + "variation_id": 0, + "video_id": "07086" + }, + { + "bbox": [ + 8, + 1, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_geometry.swf", + "variation_id": 0, + "video_id": "07087" + }, + { + "bbox": [ + 462, + 44, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Book.mp4", + "variation_id": 0, + "video_id": "07069" + }, + { + "bbox": [ + 29, + 4, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_history.swf", + "variation_id": 0, + "video_id": "07088" + }, + { + "bbox": [ + 22, + 0, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_law.swf", + "variation_id": 0, + "video_id": "07089" + }, + { + "bbox": [ + 34, + 2, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_literature.swf", + "variation_id": 0, + "video_id": "07090" + }, + { + "bbox": [ + 23, + 1, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_math.swf", + "variation_id": 0, + "video_id": "07091" + }, + { + "bbox": [ + 31, + 4, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 49, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/book_medicine.swf", + "variation_id": 0, + "video_id": "07092" + }, + { + "bbox": [ + 25, + 0, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 18, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/book_music.swf", + "variation_id": 0, + "video_id": "07093" + }, + { + "bbox": [ + 234, + 17, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/book.mp4", + "variation_id": 0, + "video_id": "07068" + }, + { + "bbox": [ + 22, + 2, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 18, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/book_photography.swf", + "variation_id": 0, + "video_id": "07094" + }, + { + "bbox": [ + 3, + 2, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 18, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/book_science.swf", + "variation_id": 0, + "video_id": "07095" + }, + { + "bbox": [ + 21, + 2, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 18, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/book_spelling.swf", + "variation_id": 0, + "video_id": "07096" + }, + { + "bbox": [ + 26, + 3, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book.swf", + "variation_id": 0, + "video_id": "07097" + }, + { + "bbox": [ + 131, + 26, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466684225.687.mp4", + "variation_id": 0, + "video_id": "07070" + }, + { + "bbox": [ + 21, + 3, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 18, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/book_trigonometry.swf", + "variation_id": 0, + "video_id": "07098" + }, + { + "bbox": [ + 162, + 54, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/book.mp4", + "variation_id": 0, + "video_id": "07099" + }, + { + "bbox": [ + 70, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/book2.mp4", + "variation_id": 0, + "video_id": "07071" + }, + { + "bbox": [ + 75, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/book.mp4", + "variation_id": 0, + "video_id": "07072" + }, + { + "bbox": [ + 64, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/books-pile.mp4", + "variation_id": 0, + "video_id": "07073" + }, + { + "bbox": [ + 128, + 20, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3-GrhsVs830", + "variation_id": 0, + "video_id": "67424" + }, + { + "bbox": [ + 82, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 29, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14326.mp4", + "variation_id": 0, + "video_id": "07074" + }, + { + "bbox": [ + 386, + 48, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 30, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Kwvw-K6GYW8", + "variation_id": 0, + "video_id": "07075" + }, + { + "bbox": [ + 362, + 43, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 31, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XjWSfh50kAU", + "variation_id": 0, + "video_id": "07076" + }, + { + "bbox": [ + 25, + 4, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 32, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_accounting.swf", + "variation_id": 0, + "video_id": "07077" + }, + { + "bbox": [ + 28, + 4, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 33, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_algebra.swf", + "variation_id": 0, + "video_id": "07078" + }, + { + "bbox": [ + 15, + 2, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 34, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_anatomy.swf", + "variation_id": 0, + "video_id": "07079" + }, + { + "bbox": [ + 28, + 2, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 35, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_art_history.swf", + "variation_id": 0, + "video_id": "07080" + }, + { + "bbox": [ + 23, + 2, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 36, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_art.swf", + "variation_id": 0, + "video_id": "07081" + }, + { + "bbox": [ + 30, + 3, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 37, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_business.swf", + "variation_id": 0, + "video_id": "07082" + }, + { + "bbox": [ + 0, + 3, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 38, + "signer_id": 18, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/book_chemistry.swf", + "variation_id": 0, + "video_id": "07083" + }, + { + "bbox": [ + 29, + 4, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 39, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/book_coloring.swf", + "variation_id": 0, + "video_id": "07084" + } + ] + }, + { + "gloss": "drink", + "instances": [ + { + "bbox": [ + 551, + 68, + 1350, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/drink.mp4", + "variation_id": 0, + "video_id": "69302" + }, + { + "bbox": [ + 153, + 11, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRINK-119.mp4", + "variation_id": 0, + "video_id": "65539" + }, + { + "bbox": [ + 142, + 20, + 501, + 480 + ], + "fps": 25, + "frame_end": 5831, + "frame_start": 5710, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70173" + }, + { + "bbox": [ + 112, + 13, + 529, + 356 + ], + "fps": 25, + "frame_end": 71, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=HZMTQJdBZ9g", + "variation_id": 0, + "video_id": "68538" + }, + { + "bbox": [ + 110, + 0, + 1160, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=KRc_WYI1DgA", + "variation_id": 0, + "video_id": "68042" + }, + { + "bbox": [ + 312, + 19, + 908, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 5, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Lk2Vws8homw", + "variation_id": 0, + "video_id": "68660" + }, + { + "bbox": [ + 116, + 0, + 1166, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Nc7rSopCpI8", + "variation_id": 0, + "video_id": "68041" + }, + { + "bbox": [ + 300, + 63, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=537MWOtCl78", + "variation_id": 0, + "video_id": "17725" + }, + { + "bbox": [ + 318, + 29, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6gU3Ln98sWA", + "variation_id": 0, + "video_id": "17726" + }, + { + "bbox": [ + 232, + 55, + 838, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ddd2ZZNFhVI", + "variation_id": 0, + "video_id": "17727" + }, + { + "bbox": [ + 337, + 0, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=g3rl9_LYqzI", + "variation_id": 0, + "video_id": "17728" + }, + { + "bbox": [ + 196, + 15, + 521, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/drink.mp4", + "variation_id": 0, + "video_id": "17710" + }, + { + "bbox": [ + 350, + 0, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=i0opsQ2zB1Q", + "variation_id": 0, + "video_id": "17729" + }, + { + "bbox": [ + 334, + 0, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=k6cNmM9WgUs", + "variation_id": 0, + "video_id": "17730" + }, + { + "bbox": [ + 348, + 43, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LqJM7wcUixQ", + "variation_id": 0, + "video_id": "17731" + }, + { + "bbox": [ + 0, + 4, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/drink.swf", + "variation_id": 0, + "video_id": "17732" + }, + { + "bbox": [ + 186, + 63, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drink-alcohol.mp4", + "variation_id": 0, + "video_id": "17733" + }, + { + "bbox": [ + 167, + 19, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRINK-120.mp4", + "variation_id": 0, + "video_id": "65540" + }, + { + "bbox": [ + 183, + 55, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/drink.mp4", + "variation_id": 0, + "video_id": "17734" + }, + { + "bbox": [ + 289, + 9, + 783, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drink%20(correct)-0UzEF7ru0sQ.mp4", + "variation_id": 0, + "video_id": "17711" + }, + { + "bbox": [ + 673, + 90, + 1571, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drink-L6hHRIQzWBo.mp4", + "variation_id": 0, + "video_id": "17712" + }, + { + "bbox": [ + 28, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1467773819.9825.mp4", + "variation_id": 0, + "video_id": "17713" + }, + { + "bbox": [ + 53, + 9, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drink2.mp4", + "variation_id": 0, + "video_id": "17714" + }, + { + "bbox": [ + 57, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drink-alcohol.mp4", + "variation_id": 0, + "video_id": "17715" + }, + { + "bbox": [ + 113, + 0, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/drink-british.mp4", + "variation_id": 0, + "video_id": "17716" + }, + { + "bbox": [ + 112, + 0, + 509, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drink.mp4", + "variation_id": 0, + "video_id": "17717" + }, + { + "bbox": [ + 84, + 0, + 506, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/drink-mug.mp4", + "variation_id": 0, + "video_id": "17718" + }, + { + "bbox": [ + 41, + 9, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/153289.mp4", + "variation_id": 0, + "video_id": "17709" + }, + { + "bbox": [ + 98, + 13, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yawcLQIhQiE", + "variation_id": 0, + "video_id": "67594" + }, + { + "bbox": [ + 124, + 0, + 542, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 29, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drink-plu.mp4", + "variation_id": 0, + "video_id": "17719" + }, + { + "bbox": [ + 49, + 3, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 30, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14885.mp4", + "variation_id": 0, + "video_id": "17720" + }, + { + "bbox": [ + 66, + 19, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 31, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23388.mp4", + "variation_id": 0, + "video_id": "17721" + }, + { + "bbox": [ + 66, + 19, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 32, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23388.mp4", + "variation_id": 0, + "video_id": "17722" + }, + { + "bbox": [ + 65, + 20, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 33, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23389.mp4", + "variation_id": 0, + "video_id": "17723" + }, + { + "bbox": [ + 68, + 18, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 34, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7796.mp4", + "variation_id": 0, + "video_id": "17724" + } + ] + }, + { + "gloss": "computer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5181, + "frame_start": 5122, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12306" + }, + { + "bbox": [ + 111, + 0, + 1198, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=H-tAzh-nuV8", + "variation_id": 0, + "video_id": "68028" + }, + { + "bbox": [ + 110, + 16, + 549, + 360 + ], + "fps": 25, + "frame_end": 72, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=YEFd7zsUNXU", + "variation_id": 0, + "video_id": "69054" + }, + { + "bbox": [ + 56, + 11, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6326.mp4", + "variation_id": 1, + "video_id": "12328" + }, + { + "bbox": [ + 317, + 42, + 1077, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=97IwdVSOQho", + "variation_id": 1, + "video_id": "12329" + }, + { + "bbox": [ + 299, + 34, + 1066, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=cujhpwWi1yY", + "variation_id": 1, + "video_id": "12330" + }, + { + "bbox": [ + 422, + 50, + 824, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/computer-2.mp4", + "variation_id": 0, + "video_id": "12312" + }, + { + "bbox": [ + 320, + 47, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fY11M3Dxxx0", + "variation_id": 0, + "video_id": "12331" + }, + { + "bbox": [ + 331, + 67, + 869, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=lVo6MByRMHY", + "variation_id": 2, + "video_id": "12332" + }, + { + "bbox": [ + 256, + 28, + 1084, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=-_RSZM-lLXE", + "variation_id": 1, + "video_id": "12333" + }, + { + "bbox": [ + 321, + 1, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=vK4GwJaDcWU", + "variation_id": 2, + "video_id": "12335" + }, + { + "bbox": [ + 386, + 67, + 872, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=-wmqgdmwySo", + "variation_id": 0, + "video_id": "12336" + }, + { + "bbox": [ + 27, + 0, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51378.mp4", + "variation_id": 1, + "video_id": "12311" + }, + { + "bbox": [ + 8, + 1, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/computer.swf", + "variation_id": 1, + "video_id": "12337" + }, + { + "bbox": [ + 221, + 42, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/computer.mp4", + "variation_id": 1, + "video_id": "12338" + }, + { + "bbox": [ + 409, + 51, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/computer.mp4", + "variation_id": 1, + "video_id": "12313" + }, + { + "bbox": [ + 257, + 38, + 1684, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/Computer%203-ZIm7kG5ie_M.mp4", + "variation_id": 0, + "video_id": "12314" + }, + { + "bbox": [ + 436, + 35, + 1765, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/Computer%205-wOn7bu44o4s.mp4", + "variation_id": 1, + "video_id": "12315" + }, + { + "bbox": [ + 412, + 18, + 1698, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Computer%201-_2YnCKHJy6U.mp4", + "variation_id": 2, + "video_id": "12316" + }, + { + "bbox": [ + 473, + 44, + 1708, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Computer%202-_HHzYqXw-xU.mp4", + "variation_id": 2, + "video_id": "12317" + }, + { + "bbox": [ + 365, + 45, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Computer%204-1f6Cc5NXBgw.mp4", + "variation_id": 0, + "video_id": "12318" + }, + { + "bbox": [ + 494, + 99, + 1414, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Republic%20of%20Congo-b6U1CIWIPIw.mp4", + "variation_id": 2, + "video_id": "12319" + }, + { + "bbox": [ + 74, + 19, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466901185.5915.mp4", + "variation_id": 1, + "video_id": "12320" + }, + { + "bbox": [ + 96, + 17, + 417, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/u1xoXux2NaE", + "variation_id": 1, + "video_id": "67519" + }, + { + "bbox": [ + 115, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/computer-arm2.mp4", + "variation_id": 0, + "video_id": "12321" + }, + { + "bbox": [ + 107, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/computer-arm.mp4", + "variation_id": 0, + "video_id": "12322" + }, + { + "bbox": [ + 14, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/computer-head.mp4", + "variation_id": 2, + "video_id": "12323" + }, + { + "bbox": [ + 120, + 9, + 522, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/computer-old2.mp4", + "variation_id": 1, + "video_id": "12324" + }, + { + "bbox": [ + 69, + 9, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 30, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6011.mp4", + "variation_id": 0, + "video_id": "12326" + }, + { + "bbox": [ + 63, + 0, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 31, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6012.mp4", + "variation_id": 2, + "video_id": "12327" + } + ] + }, + { + "gloss": "before", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1779, + "frame_start": 1733, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05724" + }, + { + "bbox": [ + 185, + 50, + 419, + 360 + ], + "fps": 25, + "frame_end": 4873, + "frame_start": 4778, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70348" + }, + { + "bbox": [ + 121, + 26, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=IYH-gBXXl8I", + "variation_id": 0, + "video_id": "68007" + }, + { + "bbox": [ + 156, + 14, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MvtVsr3P098", + "variation_id": 1, + "video_id": "05744" + }, + { + "bbox": [ + 142, + 12, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=PeO4kaKvoVM", + "variation_id": 0, + "video_id": "05746" + }, + { + "bbox": [ + 624, + 70, + 1587, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Before%202-02xxXtC3G8c.mp4", + "variation_id": 0, + "video_id": "05728" + }, + { + "bbox": [ + 327, + 2, + 1071, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TQMe2WDz9QE", + "variation_id": 1, + "video_id": "05747" + }, + { + "bbox": [ + 15, + 12, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/before.swf", + "variation_id": 1, + "video_id": "05748" + }, + { + "bbox": [ + 167, + 52, + 512, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/before3.mp4", + "variation_id": 0, + "video_id": "05749" + }, + { + "bbox": [ + 171, + 52, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/before.mp4", + "variation_id": 1, + "video_id": "05750" + }, + { + "bbox": [ + 300, + 12, + 1202, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Before-kM8O_piLegw.mp4", + "variation_id": 1, + "video_id": "05729" + }, + { + "bbox": [ + 712, + 64, + 1652, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Before-Se78WI3j-mI.mp4", + "variation_id": 1, + "video_id": "05730" + }, + { + "bbox": [ + 190, + 0, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEFORE-37.mp4", + "variation_id": 1, + "video_id": "65167" + }, + { + "bbox": [ + 570, + 98, + 1535, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Last-0SLfkAHELAs.mp4", + "variation_id": 0, + "video_id": "05731" + }, + { + "bbox": [ + 103, + 25, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681314.2550.mp4", + "variation_id": 0, + "video_id": "05732" + }, + { + "bbox": [ + 95, + 23, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681379.1244.mp4", + "variation_id": 1, + "video_id": "05733" + }, + { + "bbox": [ + 129, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755772.9751.mp4", + "variation_id": 0, + "video_id": "05734" + }, + { + "bbox": [ + 30, + 4, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/before-long.mp4", + "variation_id": 0, + "video_id": "05735" + }, + { + "bbox": [ + 59, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/before.mp4", + "variation_id": 1, + "video_id": "05736" + }, + { + "bbox": [ + 386, + 45, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/before.mp4", + "variation_id": 1, + "video_id": "05727" + }, + { + "bbox": [ + 102, + 11, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/before-past.mp4", + "variation_id": 0, + "video_id": "05737" + }, + { + "bbox": [ + 74, + 23, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22829.mp4", + "variation_id": 1, + "video_id": "05739" + }, + { + "bbox": [ + 90, + 22, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22831.mp4", + "variation_id": 1, + "video_id": "05740" + }, + { + "bbox": [ + 65, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5971.mp4", + "variation_id": 0, + "video_id": "05741" + }, + { + "bbox": [ + 67, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6164.mp4", + "variation_id": 0, + "video_id": "05742" + }, + { + "bbox": [ + 43, + 3, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9194.mp4", + "variation_id": 0, + "video_id": "05743" + } + ] + }, + { + "gloss": "chair", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1889, + "frame_start": 1830, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09847" + }, + { + "bbox": [ + 127, + 41, + 449, + 360 + ], + "fps": 25, + "frame_end": 2231, + "frame_start": 2101, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70230" + }, + { + "bbox": [ + 340, + 12, + 944, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=j2hvnGiBrRI", + "variation_id": 0, + "video_id": "68580" + }, + { + "bbox": [ + 112, + 39, + 426, + 360 + ], + "fps": 25, + "frame_end": 3209, + "frame_start": 3092, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70263" + }, + { + "bbox": [ + 229, + 3, + 672, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=zICB0wesqvY", + "variation_id": 0, + "video_id": "68019" + }, + { + "bbox": [ + 0, + 10, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/chair_stacking.swf", + "variation_id": 0, + "video_id": "09865" + }, + { + "bbox": [ + 18, + 6, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chair.swf", + "variation_id": 0, + "video_id": "09866" + }, + { + "bbox": [ + 40, + 6, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74909.mp4", + "variation_id": 0, + "video_id": "09848" + }, + { + "bbox": [ + 5, + 9, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/c/chair_wood.swf", + "variation_id": 0, + "video_id": "09867" + }, + { + "bbox": [ + 183, + 55, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chair.mp4", + "variation_id": 0, + "video_id": "09869" + }, + { + "bbox": [ + 388, + 56, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/chair.mp4", + "variation_id": 0, + "video_id": "09849" + }, + { + "bbox": [ + 667, + 144, + 1472, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chair-mVdtJjs-_20.mp4", + "variation_id": 0, + "video_id": "09850" + }, + { + "bbox": [ + 102, + 22, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466729509.9229.mp4", + "variation_id": 0, + "video_id": "09851" + }, + { + "bbox": [ + 169, + 15, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHAIR-378.mp4", + "variation_id": 0, + "video_id": "65328" + }, + { + "bbox": [ + 60, + 0, + 306, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chair.mp4", + "variation_id": 0, + "video_id": "09853" + }, + { + "bbox": [ + 81, + 15, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7821.mp4", + "variation_id": 0, + "video_id": "09854" + }, + { + "bbox": [ + 288, + 29, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=8vc2vD9N4tk", + "variation_id": 0, + "video_id": "09855" + }, + { + "bbox": [ + 273, + 88, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=dXz1i9gTR4w", + "variation_id": 0, + "video_id": "09856" + }, + { + "bbox": [ + 92, + 19, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/K47c4lIJQvI", + "variation_id": 0, + "video_id": "67483" + }, + { + "bbox": [ + 15, + 8, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/chair_director.swf", + "variation_id": 0, + "video_id": "09857" + }, + { + "bbox": [ + 0, + 8, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/chair_folding.swf", + "variation_id": 0, + "video_id": "09858" + }, + { + "bbox": [ + 0, + 8, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/chair_lawn_folding.swf", + "variation_id": 0, + "video_id": "09859" + }, + { + "bbox": [ + 1, + 8, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/chair_lawn.swf", + "variation_id": 0, + "video_id": "09860" + }, + { + "bbox": [ + 18, + 5, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/chair_loveseat.swf", + "variation_id": 0, + "video_id": "09861" + }, + { + "bbox": [ + 10, + 9, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/c/chair_recliner.swf", + "variation_id": 0, + "video_id": "09862" + }, + { + "bbox": [ + 5, + 8, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/chair_rocking_1.swf", + "variation_id": 0, + "video_id": "09863" + } + ] + }, + { + "gloss": "go", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 926, + "frame_start": 887, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24857" + }, + { + "bbox": [ + 268, + 38, + 898, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/go.mp4", + "variation_id": 0, + "video_id": "69345" + }, + { + "bbox": [ + 93, + 11, + 559, + 360 + ], + "fps": 25, + "frame_end": 65, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=7IkKMzvSsFM", + "variation_id": 0, + "video_id": "68292" + }, + { + "bbox": [ + 79, + 22, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23400.mp4", + "variation_id": 0, + "video_id": "24955" + }, + { + "bbox": [ + 81, + 22, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23401.mp4", + "variation_id": 0, + "video_id": "24956" + }, + { + "bbox": [ + 187, + 18, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/go.mp4", + "variation_id": 0, + "video_id": "24941" + }, + { + "bbox": [ + 78, + 25, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23517.mp4", + "variation_id": 1, + "video_id": "24960" + }, + { + "bbox": [ + 78, + 25, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23517.mp4", + "variation_id": 1, + "video_id": "24961" + }, + { + "bbox": [ + 88, + 25, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23519.mp4", + "variation_id": 1, + "video_id": "24962" + }, + { + "bbox": [ + 201, + 38, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=jknOnIhAbNo", + "variation_id": 0, + "video_id": "24965" + }, + { + "bbox": [ + 239, + 20, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZEyH-t5ALCs", + "variation_id": 0, + "video_id": "24969" + }, + { + "bbox": [ + 239, + 20, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZEyH-t5ALCs", + "variation_id": 0, + "video_id": "24970" + }, + { + "bbox": [ + 345, + 51, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZyL9f_qoGug", + "variation_id": 0, + "video_id": "24971" + }, + { + "bbox": [ + 2, + 9, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/go.swf", + "variation_id": 1, + "video_id": "24972" + }, + { + "bbox": [ + 149, + 9, + 591, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GO-469.mp4", + "variation_id": 0, + "video_id": "65824" + }, + { + "bbox": [ + 229, + 42, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/go.mp4", + "variation_id": 0, + "video_id": "24973" + }, + { + "bbox": [ + 283, + 19, + 812, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20go-c3j44FTrL9c.mp4", + "variation_id": 0, + "video_id": "24943" + }, + { + "bbox": [ + 607, + 62, + 1534, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 29, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20To%20Go-BeOwDK5YI0U.mp4", + "variation_id": 0, + "video_id": "24946" + }, + { + "bbox": [ + 58, + 2, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 30, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549286.5649.mp4", + "variation_id": 0, + "video_id": "24947" + }, + { + "bbox": [ + 37, + 7, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 31, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/go.mp4", + "variation_id": 0, + "video_id": "24948" + }, + { + "bbox": [ + 37, + 1, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 33, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58507.mp4", + "variation_id": 0, + "video_id": "24940" + }, + { + "bbox": [ + 106, + 19, + 343, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 34, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/QfVrSA3yrSc", + "variation_id": 0, + "video_id": "67715" + }, + { + "bbox": [ + 4, + 9, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 35, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/go-to2.mp4", + "variation_id": 1, + "video_id": "24950" + }, + { + "bbox": [ + 13, + 1, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 36, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/go-to.mp4", + "variation_id": 0, + "video_id": "24951" + }, + { + "bbox": [ + 32, + 14, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 37, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22235.mp4", + "variation_id": 1, + "video_id": "24952" + }, + { + "bbox": [ + 79, + 22, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 39, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23400.mp4", + "variation_id": 0, + "video_id": "24954" + } + ] + }, + { + "gloss": "clothes", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3997, + "frame_start": 3938, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11305" + }, + { + "bbox": [ + 348, + 11, + 932, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=RVnoNW53qFU", + "variation_id": 0, + "video_id": "68870" + }, + { + "bbox": [ + 210, + 0, + 661, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Xmrvvk8l3_w", + "variation_id": 0, + "video_id": "68024" + }, + { + "bbox": [ + 0, + 5, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes.swf", + "variation_id": 0, + "video_id": "11327" + }, + { + "bbox": [ + 14, + 8, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_winter.swf", + "variation_id": 0, + "video_id": "11328" + }, + { + "bbox": [ + 403, + 67, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/clothes.mp4", + "variation_id": 0, + "video_id": "11310" + }, + { + "bbox": [ + 12, + 7, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_womens.swf", + "variation_id": 0, + "video_id": "11329" + }, + { + "bbox": [ + 165, + 51, + 578, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clothes.mp4", + "variation_id": 0, + "video_id": "11330" + }, + { + "bbox": [ + 70, + 21, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466899298.7370.mp4", + "variation_id": 0, + "video_id": "11311" + }, + { + "bbox": [ + 42, + 0, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/clothes.mp4", + "variation_id": 0, + "video_id": "11312" + }, + { + "bbox": [ + 56, + 8, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6566.mp4", + "variation_id": 0, + "video_id": "11313" + }, + { + "bbox": [ + 242, + 43, + 1134, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=06hMAkUdQgg", + "variation_id": 0, + "video_id": "11314" + }, + { + "bbox": [ + 341, + 49, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=15czV0-SagI", + "variation_id": 0, + "video_id": "11315" + }, + { + "bbox": [ + 21, + 2, + 304, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399310.mp4", + "variation_id": 0, + "video_id": "11309" + }, + { + "bbox": [ + 320, + 28, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mda48XkT9gQ", + "variation_id": 0, + "video_id": "11316" + }, + { + "bbox": [ + 3, + 6, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_boys.swf", + "variation_id": 0, + "video_id": "11317" + }, + { + "bbox": [ + 0, + 6, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/c/clothes_designer.swf", + "variation_id": 0, + "video_id": "11318" + }, + { + "bbox": [ + 12, + 7, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/c/clothes_fall.swf", + "variation_id": 0, + "video_id": "11319" + }, + { + "bbox": [ + 5, + 9, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_girls.swf", + "variation_id": 0, + "video_id": "11320" + }, + { + "bbox": [ + 7, + 7, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_irregular.swf", + "variation_id": 0, + "video_id": "11321" + }, + { + "bbox": [ + 3, + 8, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_mens.swf", + "variation_id": 0, + "video_id": "11322" + }, + { + "bbox": [ + 8, + 5, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_petite.swf", + "variation_id": 0, + "video_id": "11323" + }, + { + "bbox": [ + 0, + 9, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_plus_size.swf", + "variation_id": 0, + "video_id": "11324" + }, + { + "bbox": [ + 14, + 8, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/c/clothes_spring.swf", + "variation_id": 0, + "video_id": "11325" + }, + { + "bbox": [ + 13, + 8, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/clothes_summer.swf", + "variation_id": 0, + "video_id": "11326" + } + ] + }, + { + "gloss": "who", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2235, + "frame_start": 2159, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63219" + }, + { + "bbox": [ + 381, + 45, + 868, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/who.mp4", + "variation_id": 0, + "video_id": "69534" + }, + { + "bbox": [ + 343, + 21, + 928, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=SQUHKsHMUiw", + "variation_id": 0, + "video_id": "68890" + }, + { + "bbox": [ + 196, + 11, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Xx8ZjswBRLY", + "variation_id": 0, + "video_id": "68183" + }, + { + "bbox": [ + 356, + 43, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pBnGrdxhxHQ", + "variation_id": 0, + "video_id": "63239" + }, + { + "bbox": [ + 333, + 18, + 917, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_V31e361KV8", + "variation_id": 0, + "video_id": "63240" + }, + { + "bbox": [ + 25, + 8, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/who.swf", + "variation_id": 0, + "video_id": "63241" + }, + { + "bbox": [ + 188, + 55, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/who.mp4", + "variation_id": 0, + "video_id": "63242" + }, + { + "bbox": [ + 235, + 15, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/who.mp4", + "variation_id": 0, + "video_id": "63226" + }, + { + "bbox": [ + 687, + 96, + 1421, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Who%202-P20hHY3qUEQ.mp4", + "variation_id": 0, + "video_id": "63227" + }, + { + "bbox": [ + 693, + 88, + 1401, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Who-rehp_kwiS-I.mp4", + "variation_id": 0, + "video_id": "63228" + }, + { + "bbox": [ + 655, + 72, + 1505, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Who-wmIY6Yo-vp8.mp4", + "variation_id": 0, + "video_id": "63229" + }, + { + "bbox": [ + 342, + 20, + 1162, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 46, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Who-xchfz0eTaP8.mp4", + "variation_id": 0, + "video_id": "63230" + }, + { + "bbox": [ + 128, + 8, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928348.68.mp4", + "variation_id": 0, + "video_id": "63231" + }, + { + "bbox": [ + 165, + 4, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHO-1430.mp4", + "variation_id": 0, + "video_id": "66778" + }, + { + "bbox": [ + 112, + 28, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1539176590.1089.mp4", + "variation_id": 0, + "video_id": "63232" + }, + { + "bbox": [ + 121, + 12, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/who.mp4", + "variation_id": 0, + "video_id": "63233" + }, + { + "bbox": [ + 173, + 0, + 516, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/who-old.mp4", + "variation_id": 0, + "video_id": "63234" + }, + { + "bbox": [ + 167, + 3, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHO-2236.mp4", + "variation_id": 0, + "video_id": "66779" + }, + { + "bbox": [ + 195, + 32, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/WH/WHO-2283.mp4", + "variation_id": 0, + "video_id": "66780" + }, + { + "bbox": [ + 35, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51811.mp4", + "variation_id": 0, + "video_id": "63225" + }, + { + "bbox": [ + 115, + 29, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gDkZ2Zn3Sjg", + "variation_id": 0, + "video_id": "67066" + }, + { + "bbox": [ + 81, + 19, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9019.mp4", + "variation_id": 0, + "video_id": "63236" + }, + { + "bbox": [ + 82, + 17, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9020.mp4", + "variation_id": 0, + "video_id": "63237" + }, + { + "bbox": [ + 373, + 118, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=dnDu1DxXWo4", + "variation_id": 0, + "video_id": "63238" + } + ] + }, + { + "gloss": "candy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 782, + "frame_start": 730, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08909" + }, + { + "bbox": [ + 114, + 0, + 1155, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=LMQ4kaHPS48", + "variation_id": 1, + "video_id": "68018" + }, + { + "bbox": [ + 126, + 32, + 284, + 240 + ], + "fps": 25, + "frame_end": 5411, + "frame_start": 5286, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 1, + "video_id": "70326" + }, + { + "bbox": [ + 112, + 16, + 539, + 357 + ], + "fps": 25, + "frame_end": 63, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=PfobLrBH5G8", + "variation_id": 1, + "video_id": "68790" + }, + { + "bbox": [ + 33, + 4, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/candy.swf", + "variation_id": 0, + "video_id": "08928" + }, + { + "bbox": [ + 153, + 55, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/candy.mp4", + "variation_id": 1, + "video_id": "08929" + }, + { + "bbox": [ + 163, + 14, + 517, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/candy.mp4", + "variation_id": 1, + "video_id": "08916" + }, + { + "bbox": [ + 784, + 153, + 1501, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Candy%2C%20It%27s%20Nothing%202-dsVi-FR4eBg.mp4", + "variation_id": 0, + "video_id": "08917" + }, + { + "bbox": [ + 774, + 153, + 1499, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Candy%2C%20It%27s%20Nothing-YX3NQ7iEwiE.mp4", + "variation_id": 0, + "video_id": "08918" + }, + { + "bbox": [ + 647, + 60, + 1538, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Candy-v1iNoQ1DZ7c.mp4", + "variation_id": 1, + "video_id": "08919" + }, + { + "bbox": [ + 675, + 65, + 1529, + 1060 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cute-Dl2ekdgVRTg.mp4", + "variation_id": 0, + "video_id": "08920" + }, + { + "bbox": [ + 66, + 24, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 17, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1471144833.8086.mp4", + "variation_id": 1, + "video_id": "08921" + }, + { + "bbox": [ + 56, + 15, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/candy-sweet.mp4", + "variation_id": 0, + "video_id": "08922" + }, + { + "bbox": [ + 16, + 8, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/candy-usa.mp4", + "variation_id": 1, + "video_id": "08923" + }, + { + "bbox": [ + 186, + 15, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CANDY_1-66.mp4", + "variation_id": 0, + "video_id": "65298" + }, + { + "bbox": [ + 80, + 11, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6123.mp4", + "variation_id": 0, + "video_id": "08924" + }, + { + "bbox": [ + 136, + 16, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CANDY_1-67.mp4", + "variation_id": 1, + "video_id": "65299" + }, + { + "bbox": [ + 195, + 16, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 89, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CANDY_2-1014.mp4", + "variation_id": 0, + "video_id": "65300" + }, + { + "bbox": [ + 23, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51294.mp4", + "variation_id": 1, + "video_id": "08915" + }, + { + "bbox": [ + 147, + 19, + 426, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/kymMYu5qPhY", + "variation_id": 1, + "video_id": "67468" + }, + { + "bbox": [ + 93, + 19, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/xK2QEO7Xld4", + "variation_id": 0, + "video_id": "67470" + }, + { + "bbox": [ + 78, + 15, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7906.mp4", + "variation_id": 1, + "video_id": "08925" + }, + { + "bbox": [ + 329, + 47, + 928, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EfJ4xLiX5IA", + "variation_id": 1, + "video_id": "08926" + }, + { + "bbox": [ + 340, + 23, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nmD3uqyVAC0", + "variation_id": 1, + "video_id": "08927" + } + ] + }, + { + "gloss": "cousin", + "instances": [ + { + "bbox": [ + 134, + 17, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COUSIN-1171.mp4", + "variation_id": 0, + "video_id": "65415" + }, + { + "bbox": [ + 176, + 46, + 440, + 360 + ], + "fps": 25, + "frame_end": 1262, + "frame_start": 1161, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70332" + }, + { + "bbox": [ + 275, + 19, + 882, + 720 + ], + "fps": 25, + "frame_end": 39, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=jC6sHiZBEyI", + "variation_id": 0, + "video_id": "68592" + }, + { + "bbox": [ + 205, + 43, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cousin3.mp4", + "variation_id": 0, + "video_id": "13647" + }, + { + "bbox": [ + 192, + 41, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cousin.mp4", + "variation_id": 0, + "video_id": "13648" + }, + { + "bbox": [ + 463, + 67, + 856, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cousin-female.mp4", + "variation_id": 0, + "video_id": "13631" + }, + { + "bbox": [ + 428, + 69, + 853, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cousin-male.mp4", + "variation_id": 0, + "video_id": "13632" + }, + { + "bbox": [ + 297, + 16, + 772, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cousin-WACMzmRGgY8.mp4", + "variation_id": 0, + "video_id": "13633" + }, + { + "bbox": [ + 99, + 24, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466904377.9296.mp4", + "variation_id": 0, + "video_id": "13634" + }, + { + "bbox": [ + 59, + 25, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466904400.1624.mp4", + "variation_id": 0, + "video_id": "13635" + }, + { + "bbox": [ + 55, + 27, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1539177107.4884.mp4", + "variation_id": 0, + "video_id": "13636" + }, + { + "bbox": [ + 49, + 17, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cousin-female.mp4", + "variation_id": 0, + "video_id": "13637" + }, + { + "bbox": [ + 31, + 16, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cousin-male.mp4", + "variation_id": 0, + "video_id": "13638" + }, + { + "bbox": [ + 67, + 17, + 251, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/47501.mp4", + "variation_id": 0, + "video_id": "13630" + }, + { + "bbox": [ + 63, + 15, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cousin.mp4", + "variation_id": 0, + "video_id": "13639" + }, + { + "bbox": [ + 86, + 20, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/mBNbzPNTVqk", + "variation_id": 0, + "video_id": "67535" + }, + { + "bbox": [ + 52, + 9, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6148.mp4", + "variation_id": 0, + "video_id": "13640" + }, + { + "bbox": [ + 79, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6150.mp4", + "variation_id": 0, + "video_id": "13641" + }, + { + "bbox": [ + 54, + 9, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6568.mp4", + "variation_id": 0, + "video_id": "13642" + }, + { + "bbox": [ + 240, + 25, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=e9-jd3sf6us", + "variation_id": 0, + "video_id": "13643" + }, + { + "bbox": [ + 4, + 11, + 199, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cousin_female.swf", + "variation_id": 0, + "video_id": "13644" + }, + { + "bbox": [ + 2, + 13, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cousin_male.swf", + "variation_id": 0, + "video_id": "13645" + }, + { + "bbox": [ + 174, + 36, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cousin2.mp4", + "variation_id": 0, + "video_id": "13646" + } + ] + }, + { + "gloss": "deaf", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 543, + "frame_start": 497, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14855" + }, + { + "bbox": [ + 163, + 40, + 401, + 360 + ], + "fps": 25, + "frame_end": 4511, + "frame_start": 4420, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=25ymRY7hbjs", + "variation_id": 0, + "video_id": "70015" + }, + { + "bbox": [ + 102, + 6, + 563, + 360 + ], + "fps": 25, + "frame_end": 137, + "frame_start": 80, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=J9hiREjgVe0", + "variation_id": 0, + "video_id": "68586" + }, + { + "bbox": [ + 275, + 0, + 1053, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qvn5RGyb0po", + "variation_id": 0, + "video_id": "68033" + }, + { + "bbox": [ + 320, + 43, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sP4e9vRUCYM", + "variation_id": 0, + "video_id": "14899" + }, + { + "bbox": [ + 320, + 54, + 842, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=YsLUNOu9jXU", + "variation_id": 0, + "video_id": "14900" + }, + { + "bbox": [ + 186, + 15, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/deaf.mp4", + "variation_id": 0, + "video_id": "14882" + }, + { + "bbox": [ + 22, + 18, + 199, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/deaf_1.swf", + "variation_id": 0, + "video_id": "14901" + }, + { + "bbox": [ + 170, + 62, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/deaf.mp4", + "variation_id": 0, + "video_id": "14903" + }, + { + "bbox": [ + 738, + 111, + 1463, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deaf%202-1tMYCoZB0lE.mp4", + "variation_id": 0, + "video_id": "14883" + }, + { + "bbox": [ + 677, + 59, + 1527, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deaf%202-VoHLEG8FIH4.mp4", + "variation_id": 0, + "video_id": "14884" + }, + { + "bbox": [ + 727, + 115, + 1483, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deaf-bHRhz2geOTA.mp4", + "variation_id": 0, + "video_id": "14885" + }, + { + "bbox": [ + 445, + 35, + 1030, + 709 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Deaf.mp4", + "variation_id": 0, + "video_id": "14886" + }, + { + "bbox": [ + 170, + 15, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEAF-103.mp4", + "variation_id": 0, + "video_id": "65445" + }, + { + "bbox": [ + 111, + 30, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466906743.302.mp4", + "variation_id": 0, + "video_id": "14887" + }, + { + "bbox": [ + 95, + 28, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1522766619.2346.mp4", + "variation_id": 0, + "video_id": "14888" + }, + { + "bbox": [ + 36, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/deaf2.mp4", + "variation_id": 0, + "video_id": "14889" + }, + { + "bbox": [ + 30, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/deaf.mp4", + "variation_id": 0, + "video_id": "14891" + }, + { + "bbox": [ + 66, + 24, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23016.mp4", + "variation_id": 0, + "video_id": "14893" + }, + { + "bbox": [ + 60, + 24, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23017.mp4", + "variation_id": 0, + "video_id": "14894" + }, + { + "bbox": [ + 372, + 54, + 842, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=5Dr7V1fbTFU", + "variation_id": 0, + "video_id": "14895" + }, + { + "bbox": [ + 341, + 30, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=IgT0jDp56ZM", + "variation_id": 0, + "video_id": "14896" + }, + { + "bbox": [ + 334, + 35, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ofL3HMkLDOc", + "variation_id": 0, + "video_id": "14898" + } + ] + }, + { + "gloss": "fine", + "instances": [ + { + "bbox": [ + 160, + 15, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FINE-455.mp4", + "variation_id": 0, + "video_id": "65717" + }, + { + "bbox": [ + 163, + 42, + 390, + 360 + ], + "fps": 25, + "frame_end": 4746, + "frame_start": 4638, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70234" + }, + { + "bbox": [ + 338, + 30, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yey5VEZE-_g", + "variation_id": 0, + "video_id": "68048" + }, + { + "bbox": [ + 149, + 39, + 415, + 341 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IuBUE7SH1Wk", + "variation_id": 0, + "video_id": "21885" + }, + { + "bbox": [ + 317, + 43, + 919, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=OHHKerxHJjQ", + "variation_id": 0, + "video_id": "21886" + }, + { + "bbox": [ + 333, + 39, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=YSTnrscx1UY", + "variation_id": 0, + "video_id": "21887" + }, + { + "bbox": [ + 12, + 20, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fine.swf", + "variation_id": 0, + "video_id": "21888" + }, + { + "bbox": [ + 414, + 53, + 804, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fine2.mp4", + "variation_id": 0, + "video_id": "21870" + }, + { + "bbox": [ + 33, + 6, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/f/fine_ticket.swf", + "variation_id": 1, + "video_id": "21889" + }, + { + "bbox": [ + 166, + 54, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/cost.mp4", + "variation_id": 1, + "video_id": "21890" + }, + { + "bbox": [ + 236, + 35, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fine.mp4", + "variation_id": 0, + "video_id": "21891" + }, + { + "bbox": [ + 206, + 15, + 518, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fine.mp4", + "variation_id": 0, + "video_id": "21871" + }, + { + "bbox": [ + 344, + 10, + 770, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20fine5-4SzwErJNYTc.mp4", + "variation_id": 0, + "video_id": "21872" + }, + { + "bbox": [ + 67, + 10, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92669.mp4", + "variation_id": 0, + "video_id": "21869" + }, + { + "bbox": [ + 57, + 6, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468494312.7752.mp4", + "variation_id": 1, + "video_id": "21874" + }, + { + "bbox": [ + 7, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fine-charge.mp4", + "variation_id": 1, + "video_id": "21875" + }, + { + "bbox": [ + 64, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fine-good2.mp4", + "variation_id": 0, + "video_id": "21876" + }, + { + "bbox": [ + 69, + 14, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14347.mp4", + "variation_id": 0, + "video_id": "21878" + }, + { + "bbox": [ + 100, + 25, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2RLybfKx4Js", + "variation_id": 0, + "video_id": "67660" + }, + { + "bbox": [ + 94, + 19, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lTp1ICCGCxA", + "variation_id": 0, + "video_id": "67659" + }, + { + "bbox": [ + 72, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6355.mp4", + "variation_id": 1, + "video_id": "21883" + }, + { + "bbox": [ + 372, + 50, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=atyYSgDudAU", + "variation_id": 0, + "video_id": "21884" + } + ] + }, + { + "gloss": "help", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1433, + "frame_start": 1387, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27194" + }, + { + "bbox": [ + 605, + 64, + 1417, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/help.mp4", + "variation_id": 0, + "video_id": "69364" + }, + { + "bbox": [ + 380, + 43, + 875, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=RStYX5OXPjE", + "variation_id": 0, + "video_id": "27219" + }, + { + "bbox": [ + 0, + 12, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/h/help.swf", + "variation_id": 0, + "video_id": "27220" + }, + { + "bbox": [ + 198, + 56, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/help.mp4", + "variation_id": 0, + "video_id": "27221" + }, + { + "bbox": [ + 211, + 16, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/help.mp4", + "variation_id": 0, + "video_id": "27206" + }, + { + "bbox": [ + 665, + 54, + 1608, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stamp%2C%20Help-2bSAr25HPXY.mp4", + "variation_id": 0, + "video_id": "27207" + }, + { + "bbox": [ + 80, + 14, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580671.3652.mp4", + "variation_id": 0, + "video_id": "27208" + }, + { + "bbox": [ + 66, + 20, + 607, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 17, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1471136062.8464.mp4", + "variation_id": 0, + "video_id": "27209" + }, + { + "bbox": [ + 63, + 17, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/help2.mp4", + "variation_id": 0, + "video_id": "27210" + }, + { + "bbox": [ + 55, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/help-me.mp4", + "variation_id": 0, + "video_id": "27211" + }, + { + "bbox": [ + 171, + 0, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 2, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/help.mp4", + "variation_id": 0, + "video_id": "27212" + }, + { + "bbox": [ + 182, + 14, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HELP-2562.mp4", + "variation_id": 0, + "video_id": "65890" + }, + { + "bbox": [ + 92, + 24, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23431.mp4", + "variation_id": 0, + "video_id": "27213" + }, + { + "bbox": [ + 77, + 3, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5871.mp4", + "variation_id": 0, + "video_id": "27214" + }, + { + "bbox": [ + 188, + 14, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HELP-2563.mp4", + "variation_id": 0, + "video_id": "65891" + }, + { + "bbox": [ + 188, + 15, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HELP-483.mp4", + "variation_id": 0, + "video_id": "65889" + }, + { + "bbox": [ + 93, + 18, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/OWXmFhatan8", + "variation_id": 0, + "video_id": "67757" + }, + { + "bbox": [ + 72, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6389.mp4", + "variation_id": 0, + "video_id": "27215" + }, + { + "bbox": [ + 67, + 5, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9918.mp4", + "variation_id": 0, + "video_id": "27216" + }, + { + "bbox": [ + 61, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9936.mp4", + "variation_id": 0, + "video_id": "27217" + }, + { + "bbox": [ + 387, + 40, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=l31UXgChCS4", + "variation_id": 0, + "video_id": "27218" + } + ] + }, + { + "gloss": "no", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1397, + "frame_start": 1318, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38482" + }, + { + "bbox": [ + 274, + 43, + 875, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/no.mp4", + "variation_id": 0, + "video_id": "69411" + }, + { + "bbox": [ + 113, + 0, + 1151, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=BqmquW0f1ok", + "variation_id": 0, + "video_id": "68110" + }, + { + "bbox": [ + 346, + 31, + 916, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 3, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=Dd95RFhtSs4", + "variation_id": 0, + "video_id": "68406" + }, + { + "bbox": [ + 384, + 33, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=nyUDOPmQlZQ", + "variation_id": 0, + "video_id": "38539" + }, + { + "bbox": [ + 343, + 23, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pkzfT9cYvH0", + "variation_id": 0, + "video_id": "38540" + }, + { + "bbox": [ + 262, + 14, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QJXKaOSyl4o", + "variation_id": 0, + "video_id": "38541" + }, + { + "bbox": [ + 0, + 4, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/no.swf", + "variation_id": 0, + "video_id": "38542" + }, + { + "bbox": [ + 223, + 12, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/no.mp4", + "variation_id": 0, + "video_id": "38525" + }, + { + "bbox": [ + 258, + 38, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/no.mp4", + "variation_id": 0, + "video_id": "38544" + }, + { + "bbox": [ + 777, + 24, + 1651, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20No-hwa_U71nr74.mp4", + "variation_id": 0, + "video_id": "38527" + }, + { + "bbox": [ + 88, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719269.5533.mp4", + "variation_id": 0, + "video_id": "38529" + }, + { + "bbox": [ + 138, + 36, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767129.7038.mp4", + "variation_id": 0, + "video_id": "38530" + }, + { + "bbox": [ + 121, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/n/no.mp4", + "variation_id": 0, + "video_id": "38531" + }, + { + "bbox": [ + 74, + 22, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23547.mp4", + "variation_id": 0, + "video_id": "38532" + }, + { + "bbox": [ + 83, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23949.mp4", + "variation_id": 0, + "video_id": "38533" + }, + { + "bbox": [ + 143, + 0, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NO/NO-512.mp4", + "variation_id": 0, + "video_id": "66183" + }, + { + "bbox": [ + 54, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48823.mp4", + "variation_id": 0, + "video_id": "38524" + }, + { + "bbox": [ + 93, + 26, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jGsh6zd3eUQ", + "variation_id": 0, + "video_id": "67934" + }, + { + "bbox": [ + 77, + 17, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6400.mp4", + "variation_id": 0, + "video_id": "38534" + }, + { + "bbox": [ + 335, + 65, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=lgNwgl10VSg", + "variation_id": 0, + "video_id": "38536" + }, + { + "bbox": [ + 320, + 52, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mskmnqYYsGw", + "variation_id": 0, + "video_id": "38538" + } + ] + }, + { + "gloss": "thin", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2196, + "frame_start": 2147, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57919" + }, + { + "bbox": [ + 66, + 21, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22387.mp4", + "variation_id": 1, + "video_id": "57948" + }, + { + "bbox": [ + 66, + 21, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22387.mp4", + "variation_id": 1, + "video_id": "57949" + }, + { + "bbox": [ + 338, + 49, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5IGeT5NK79A", + "variation_id": 1, + "video_id": "57950" + }, + { + "bbox": [ + 18, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/thin.swf", + "variation_id": 1, + "video_id": "57952" + }, + { + "bbox": [ + 427, + 57, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/thin-2.mp4", + "variation_id": 1, + "video_id": "57934" + }, + { + "bbox": [ + 214, + 53, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/skinny.mp4", + "variation_id": 0, + "video_id": "57953" + }, + { + "bbox": [ + 437, + 57, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/thin.mp4", + "variation_id": 0, + "video_id": "57935" + }, + { + "bbox": [ + 840, + 75, + 1596, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thin%202-aLghoMT6IhA.mp4", + "variation_id": 1, + "video_id": "57936" + }, + { + "bbox": [ + 740, + 74, + 1629, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thin%202-cXEknONHNEc.mp4", + "variation_id": 1, + "video_id": "57937" + }, + { + "bbox": [ + 183, + 26, + 437, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THIN-2192.mp4", + "variation_id": 1, + "video_id": "66606" + }, + { + "bbox": [ + 856, + 69, + 1733, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thin-5G1gWM4HnBI.mp4", + "variation_id": 0, + "video_id": "57939" + }, + { + "bbox": [ + 690, + 97, + 1426, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thin-85Xp1i_NN-E.mp4", + "variation_id": 1, + "video_id": "57940" + }, + { + "bbox": [ + 823, + 73, + 1592, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thin-fTYMARYgieE.mp4", + "variation_id": 1, + "video_id": "57941" + }, + { + "bbox": [ + 120, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944700.6887.mp4", + "variation_id": 1, + "video_id": "57942" + }, + { + "bbox": [ + 169, + 35, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THIN-2465.mp4", + "variation_id": 0, + "video_id": "66607" + }, + { + "bbox": [ + 59, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50888.mp4", + "variation_id": 0, + "video_id": "57933" + }, + { + "bbox": [ + 97, + 28, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LCJYxgYwsVE", + "variation_id": 0, + "video_id": "67299" + }, + { + "bbox": [ + 129, + 21, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 34, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1546575308.9841.mp4", + "variation_id": 0, + "video_id": "57943" + }, + { + "bbox": [ + 56, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/thin2.mp4", + "variation_id": 1, + "video_id": "57944" + }, + { + "bbox": [ + 116, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/thin.mp4", + "variation_id": 1, + "video_id": "57945" + }, + { + "bbox": [ + 90, + 24, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22386.mp4", + "variation_id": 0, + "video_id": "57947" + } + ] + }, + { + "gloss": "walk", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 249, + "frame_start": 187, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62152" + }, + { + "bbox": [ + 328, + 14, + 941, + 720 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=r9Rten33zC8", + "variation_id": 0, + "video_id": "68852" + }, + { + "bbox": [ + 97, + 12, + 566, + 360 + ], + "fps": 25, + "frame_end": 120, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=tRJ29Rh8pGg", + "variation_id": 0, + "video_id": "68918" + }, + { + "bbox": [ + 90, + 13, + 1240, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=XdA0TlfPB48", + "variation_id": 0, + "video_id": "68177" + }, + { + "bbox": [ + 268, + 31, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xFxoieTtJlA", + "variation_id": 0, + "video_id": "62173" + }, + { + "bbox": [ + 4, + 6, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/walk.swf", + "variation_id": 0, + "video_id": "62174" + }, + { + "bbox": [ + 201, + 38, + 529, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/walk.mp4", + "variation_id": 0, + "video_id": "62175" + }, + { + "bbox": [ + 209, + 14, + 581, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/walk.mp4", + "variation_id": 0, + "video_id": "62159" + }, + { + "bbox": [ + 513, + 128, + 1847, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Walk%202-lSM2XoWrTUY.mp4", + "variation_id": 0, + "video_id": "62160" + }, + { + "bbox": [ + 585, + 136, + 1828, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Walk-MyDb3_nPts4.mp4", + "variation_id": 0, + "video_id": "62163" + }, + { + "bbox": [ + 122, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926910.5698.mp4", + "variation_id": 0, + "video_id": "62164" + }, + { + "bbox": [ + 73, + 1, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/walk2.mp4", + "variation_id": 0, + "video_id": "62165" + }, + { + "bbox": [ + 202, + 29, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WALK-1407.mp4", + "variation_id": 0, + "video_id": "66743" + }, + { + "bbox": [ + 59, + 1, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/walk.mp4", + "variation_id": 0, + "video_id": "62166" + }, + { + "bbox": [ + 155, + 31, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 107, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WALK-314.mp4", + "variation_id": 0, + "video_id": "66742" + }, + { + "bbox": [ + 30, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50935.mp4", + "variation_id": 0, + "video_id": "62158" + }, + { + "bbox": [ + 71, + 18, + 401, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hhgODkjRmcg", + "variation_id": 0, + "video_id": "67036" + }, + { + "bbox": [ + 76, + 17, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23053.mp4", + "variation_id": 0, + "video_id": "62168" + }, + { + "bbox": [ + 73, + 16, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23054.mp4", + "variation_id": 0, + "video_id": "62169" + }, + { + "bbox": [ + 57, + 16, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9209.mp4", + "variation_id": 0, + "video_id": "62170" + }, + { + "bbox": [ + 286, + 40, + 1064, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5iv2XtBzogU", + "variation_id": 0, + "video_id": "62171" + }, + { + "bbox": [ + 262, + 119, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=U32Kznk2a70", + "variation_id": 0, + "video_id": "62172" + } + ] + }, + { + "gloss": "year", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 77, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64201" + }, + { + "bbox": [ + 565, + 54, + 1534, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Year-8JUNM67_g9g.mp4", + "variation_id": 0, + "video_id": "64211" + }, + { + "bbox": [ + 354, + 25, + 929, + 720 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=DnDbjT1fq8I", + "variation_id": 0, + "video_id": "68416" + }, + { + "bbox": [ + 89, + 6, + 1184, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=dsuL3WA2Krw", + "variation_id": 0, + "video_id": "68190" + }, + { + "bbox": [ + 100, + 21, + 277, + 240 + ], + "fps": 25, + "frame_end": 989, + "frame_start": 860, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70306" + }, + { + "bbox": [ + 107, + 3, + 549, + 360 + ], + "fps": 25, + "frame_end": 147, + "frame_start": 1, + "instance_id": 5, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=w9jgHLG_4ow", + "variation_id": 0, + "video_id": "68992" + }, + { + "bbox": [ + 0, + 6, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/y/year.swf", + "variation_id": 0, + "video_id": "64223" + }, + { + "bbox": [ + 176, + 52, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/year.mp4", + "variation_id": 0, + "video_id": "64224" + }, + { + "bbox": [ + 229, + 13, + 548, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/year.mp4", + "variation_id": 0, + "video_id": "64210" + }, + { + "bbox": [ + 642, + 59, + 1646, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Year-VAtU8WanjmE.mp4", + "variation_id": 0, + "video_id": "64212" + }, + { + "bbox": [ + 157, + 8, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/YE/YEAR-1469.mp4", + "variation_id": 0, + "video_id": "66818" + }, + { + "bbox": [ + 82, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468774917.4615.mp4", + "variation_id": 0, + "video_id": "64213" + }, + { + "bbox": [ + 188, + 33, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/YE/YEAR-656.mp4", + "variation_id": 0, + "video_id": "66816" + }, + { + "bbox": [ + 52, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 42, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51103.mp4", + "variation_id": 0, + "video_id": "64209" + }, + { + "bbox": [ + 75, + 9, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/year-inf.mp4", + "variation_id": 0, + "video_id": "64215" + }, + { + "bbox": [ + 53, + 8, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/y/year.mp4", + "variation_id": 0, + "video_id": "64216" + }, + { + "bbox": [ + 95, + 15, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/21Naa_OgS4A", + "variation_id": 0, + "video_id": "67012" + }, + { + "bbox": [ + 117, + 0, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/years.mp4", + "variation_id": 0, + "video_id": "64217" + }, + { + "bbox": [ + 88, + 16, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7723.mp4", + "variation_id": 0, + "video_id": "64219" + }, + { + "bbox": [ + 72, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7228.mp4", + "variation_id": 0, + "video_id": "64218" + }, + { + "bbox": [ + 355, + 24, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jw_R6ttIrgg", + "variation_id": 0, + "video_id": "64221" + }, + { + "bbox": [ + 313, + 20, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zTIJAgTai40", + "variation_id": 0, + "video_id": "64222" + } + ] + }, + { + "gloss": "yes", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 174, + "frame_start": 105, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64275" + }, + { + "bbox": [ + 214, + 41, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/yes.mp4", + "variation_id": 0, + "video_id": "69546" + }, + { + "bbox": [ + 120, + 4, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468774983.6377.mp4", + "variation_id": 0, + "video_id": "64287" + }, + { + "bbox": [ + 104, + 0, + 1150, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=-on_5PoBEak", + "variation_id": 0, + "video_id": "68192" + }, + { + "bbox": [ + 107, + 14, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/yes.mp4", + "variation_id": 0, + "video_id": "64290" + }, + { + "bbox": [ + 724, + 29, + 1675, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Yes-Kg0VRsnehgQ.mp4", + "variation_id": 0, + "video_id": "64284" + }, + { + "bbox": [ + 81, + 25, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23544.mp4", + "variation_id": 0, + "video_id": "64291" + }, + { + "bbox": [ + 79, + 23, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23545.mp4", + "variation_id": 0, + "video_id": "64292" + }, + { + "bbox": [ + 70, + 20, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23546.mp4", + "variation_id": 0, + "video_id": "64293" + }, + { + "bbox": [ + 316, + 50, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0usayvOXzHo", + "variation_id": 0, + "video_id": "64294" + }, + { + "bbox": [ + 245, + 63, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3J2KaRL9i_Q", + "variation_id": 0, + "video_id": "64295" + }, + { + "bbox": [ + 311, + 17, + 905, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=gpNDuOwyW7Q", + "variation_id": 0, + "video_id": "64296" + }, + { + "bbox": [ + 168, + 14, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/YE/YES-1472.mp4", + "variation_id": 0, + "video_id": "66820" + }, + { + "bbox": [ + 155, + 14, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=JLNxO35tB-U", + "variation_id": 0, + "video_id": "64297" + }, + { + "bbox": [ + 20, + 13, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/485639.mp4", + "variation_id": 0, + "video_id": "64280" + }, + { + "bbox": [ + 309, + 64, + 891, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 51, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=wc2A8AZepy4", + "variation_id": 0, + "video_id": "64298" + }, + { + "bbox": [ + 2, + 15, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/y/yes.swf", + "variation_id": 0, + "video_id": "64299" + }, + { + "bbox": [ + 235, + 44, + 478, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/yes.mp4", + "variation_id": 0, + "video_id": "64300" + }, + { + "bbox": [ + 222, + 13, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/yes.mp4", + "variation_id": 0, + "video_id": "64281" + }, + { + "bbox": [ + 143, + 25, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767427.6654.mp4", + "variation_id": 0, + "video_id": "64288" + }, + { + "bbox": [ + 106, + 14, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/yes-fs.mp4", + "variation_id": 0, + "video_id": "64289" + }, + { + "bbox": [ + 625, + 111, + 1483, + 1063 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Yes-IIWhF2S6saQ.mp4", + "variation_id": 0, + "video_id": "64283" + } + ] + }, + { + "gloss": "all", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1728, + "frame_start": 1679, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01912" + }, + { + "bbox": [ + 439, + 68, + 1366, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/all.mp4", + "variation_id": 0, + "video_id": "69206" + }, + { + "bbox": [ + 126, + 4, + 1102, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=Gmj2_uVjhqI", + "variation_id": 1, + "video_id": "68001" + }, + { + "bbox": [ + 100, + 15, + 526, + 359 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=My4w56H6qwk", + "variation_id": 1, + "video_id": "68720" + }, + { + "bbox": [ + 0, + 19, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/all.swf", + "variation_id": 1, + "video_id": "02002" + }, + { + "bbox": [ + 171, + 49, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/all.mp4", + "variation_id": 0, + "video_id": "02003" + }, + { + "bbox": [ + 351, + 53, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/all.mp4", + "variation_id": 0, + "video_id": "01987" + }, + { + "bbox": [ + 32, + 13, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466172884.2656.mp4", + "variation_id": 0, + "video_id": "01988" + }, + { + "bbox": [ + 75, + 5, + 505, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/all.mp4", + "variation_id": 0, + "video_id": "01989" + }, + { + "bbox": [ + 31, + 33, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/all-you.mp4", + "variation_id": 1, + "video_id": "01990" + }, + { + "bbox": [ + 43, + 22, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22936.mp4", + "variation_id": 1, + "video_id": "01991" + }, + { + "bbox": [ + 47, + 23, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22937.mp4", + "variation_id": 0, + "video_id": "01992" + }, + { + "bbox": [ + 149, + 10, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALL-11.mp4", + "variation_id": 0, + "video_id": "65043" + }, + { + "bbox": [ + 260, + 45, + 995, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0DgYClc0e-E", + "variation_id": 0, + "video_id": "01995" + }, + { + "bbox": [ + 43, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244016.mp4", + "variation_id": 0, + "video_id": "01986" + }, + { + "bbox": [ + 72, + 19, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/-lxp0xh1smo", + "variation_id": 0, + "video_id": "67356" + }, + { + "bbox": [ + 115, + 8, + 500, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=BEfH2a6OfRA", + "variation_id": 0, + "video_id": "01996" + }, + { + "bbox": [ + 259, + 43, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=fE1BI5KxKJM", + "variation_id": 1, + "video_id": "01997" + }, + { + "bbox": [ + 375, + 81, + 904, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=iERRGfH_giQ", + "variation_id": 1, + "video_id": "01998" + }, + { + "bbox": [ + 354, + 81, + 908, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 7, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=k3c4uVHBFR4", + "variation_id": 0, + "video_id": "01999" + }, + { + "bbox": [ + 168, + 12, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=n1PjPqcHswk", + "variation_id": 1, + "video_id": "02000" + } + ] + }, + { + "gloss": "black", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3158, + "frame_start": 3109, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06455" + }, + { + "bbox": [ + 295, + 38, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/black.mp4", + "variation_id": 0, + "video_id": "69236" + }, + { + "bbox": [ + 275, + 3, + 919, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=2YRASxmXLD0", + "variation_id": 0, + "video_id": "68230" + }, + { + "bbox": [ + 157, + 44, + 396, + 360 + ], + "fps": 25, + "frame_end": 1241, + "frame_start": 1146, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70244" + }, + { + "bbox": [ + 205, + 17, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/black.mp4", + "variation_id": 0, + "video_id": "06472" + }, + { + "bbox": [ + 544, + 60, + 1618, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Black-Mr3gdFh3A28.mp4", + "variation_id": 0, + "video_id": "06473" + }, + { + "bbox": [ + 77, + 18, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466682549.1836.mp4", + "variation_id": 0, + "video_id": "06474" + }, + { + "bbox": [ + 37, + 44, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/black.mp4", + "variation_id": 0, + "video_id": "06475" + }, + { + "bbox": [ + 58, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6787.mp4", + "variation_id": 0, + "video_id": "06476" + }, + { + "bbox": [ + 48, + 11, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7145.mp4", + "variation_id": 0, + "video_id": "06477" + }, + { + "bbox": [ + 63, + 8, + 245, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8384.mp4", + "variation_id": 0, + "video_id": "06478" + }, + { + "bbox": [ + 143, + 7, + 487, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DQdDGulGFwc", + "variation_id": 0, + "video_id": "06480" + }, + { + "bbox": [ + 149, + 24, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLACK-415.mp4", + "variation_id": 0, + "video_id": "65200" + }, + { + "bbox": [ + 66, + 13, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357947.mp4", + "variation_id": 0, + "video_id": "06471" + }, + { + "bbox": [ + 96, + 8, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/kCT-we5dguI", + "variation_id": 0, + "video_id": "67414" + }, + { + "bbox": [ + 233, + 3, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 47, + "source": "scott", + "split": "test", + "url": "https://www.youtube.com/watch?v=HoDXS3W8lEM", + "variation_id": 0, + "video_id": "06481" + }, + { + "bbox": [ + 333, + 21, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Huy9y5RyKAU", + "variation_id": 0, + "video_id": "06482" + }, + { + "bbox": [ + 144, + 6, + 487, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=O5_4x8p5t4U", + "variation_id": 0, + "video_id": "06483" + }, + { + "bbox": [ + 316, + 57, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=TLoZKdMeA8w", + "variation_id": 0, + "video_id": "06484" + }, + { + "bbox": [ + 45, + 10, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/black.swf", + "variation_id": 0, + "video_id": "06485" + }, + { + "bbox": [ + 131, + 52, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/black.mp4", + "variation_id": 0, + "video_id": "06486" + } + ] + }, + { + "gloss": "cool", + "instances": [ + { + "bbox": [ + 148, + 9, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/cool.mp4", + "variation_id": 0, + "video_id": "69281" + }, + { + "bbox": [ + 175, + 17, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COOL-1158.mp4", + "variation_id": 0, + "video_id": "65403" + }, + { + "bbox": [ + 148, + 46, + 404, + 360 + ], + "fps": 25, + "frame_end": 5095, + "frame_start": 4948, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 1, + "video_id": "70271" + }, + { + "bbox": [ + 73, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24134.mp4", + "variation_id": 1, + "video_id": "13213" + }, + { + "bbox": [ + 329, + 57, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pH3DDpGQe_E", + "variation_id": 0, + "video_id": "13214" + }, + { + "bbox": [ + 504, + 69, + 1606, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cool%203-2zFEI2o-HXc.mp4", + "variation_id": 0, + "video_id": "13197" + }, + { + "bbox": [ + 154, + 51, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cool2.mp4", + "variation_id": 1, + "video_id": "13216" + }, + { + "bbox": [ + 161, + 50, + 520, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cool.mp4", + "variation_id": 2, + "video_id": "13217" + }, + { + "bbox": [ + 822, + 84, + 1608, + 1052 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cool%20cool-wonohTR_Bv4.mp4", + "variation_id": 2, + "video_id": "13198" + }, + { + "bbox": [ + 609, + 80, + 1589, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cool%2C%20Cool%20Down-8l_h3RsEM-4.mp4", + "variation_id": 1, + "video_id": "13199" + }, + { + "bbox": [ + 586, + 95, + 1564, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cool-5aJkQai-PKc.mp4", + "variation_id": 0, + "video_id": "13200" + }, + { + "bbox": [ + 125, + 18, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903138.2211.mp4", + "variation_id": 1, + "video_id": "13201" + }, + { + "bbox": [ + 163, + 19, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 99, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COOL-575.mp4", + "variation_id": 0, + "video_id": "65402" + }, + { + "bbox": [ + 114, + 30, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903216.3416.mp4", + "variation_id": 0, + "video_id": "13202" + }, + { + "bbox": [ + 73, + 31, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 17, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1472219365.8123.mp4", + "variation_id": 2, + "video_id": "13203" + }, + { + "bbox": [ + 101, + 0, + 562, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cool-neat2.mp4", + "variation_id": 0, + "video_id": "13205" + }, + { + "bbox": [ + 608, + 85, + 1596, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cool%202-qCqdPZVJTYY.mp4", + "variation_id": 0, + "video_id": "13196" + }, + { + "bbox": [ + 138, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cool-neat.mp4", + "variation_id": 2, + "video_id": "13206" + }, + { + "bbox": [ + 9, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cool-weather.mp4", + "variation_id": 1, + "video_id": "13207" + }, + { + "bbox": [ + 85, + 20, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22660.mp4", + "variation_id": 0, + "video_id": "13208" + }, + { + "bbox": [ + 73, + 21, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23043.mp4", + "variation_id": 2, + "video_id": "13209" + } + ] + }, + { + "gloss": "finish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1481, + "frame_start": 1429, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21933" + }, + { + "bbox": [ + 181, + 56, + 437, + 360 + ], + "fps": 25, + "frame_end": 7786, + "frame_start": 7669, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70361" + }, + { + "bbox": [ + 79, + 11, + 1224, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=JDc62QM6-GU", + "variation_id": 0, + "video_id": "68050" + }, + { + "bbox": [ + 100, + 8, + 573, + 358 + ], + "fps": 25, + "frame_end": 53, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=luSKhV7GMUo", + "variation_id": 0, + "video_id": "68674" + }, + { + "bbox": [ + 354, + 3, + 971, + 720 + ], + "fps": 25, + "frame_end": 42, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Mh3UZ1UsXzw", + "variation_id": 0, + "video_id": "68688" + }, + { + "bbox": [ + 232, + 15, + 533, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/finish.mp4", + "variation_id": 0, + "video_id": "21942" + }, + { + "bbox": [ + 757, + 52, + 1564, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Finish%202-BNOu92X_Hws.mp4", + "variation_id": 1, + "video_id": "21943" + }, + { + "bbox": [ + 734, + 126, + 1442, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Finish%2C%20That%27s%20Enough-UODQssr2FSc.mp4", + "variation_id": 1, + "video_id": "21944" + }, + { + "bbox": [ + 62, + 5, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468494387.7315.mp4", + "variation_id": 0, + "video_id": "21945" + }, + { + "bbox": [ + 70, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/finish2.mp4", + "variation_id": 0, + "video_id": "21946" + }, + { + "bbox": [ + 94, + 23, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23269.mp4", + "variation_id": 1, + "video_id": "21949" + }, + { + "bbox": [ + 74, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7267.mp4", + "variation_id": 0, + "video_id": "21950" + }, + { + "bbox": [ + 136, + 14, + 521, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FINISH-456.mp4", + "variation_id": 0, + "video_id": "65721" + }, + { + "bbox": [ + 57, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455668.mp4", + "variation_id": 0, + "video_id": "21941" + }, + { + "bbox": [ + 99, + 14, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/_1MKB3Avehs", + "variation_id": 0, + "video_id": "67663" + }, + { + "bbox": [ + 96, + 16, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8336.mp4", + "variation_id": 1, + "video_id": "21951" + }, + { + "bbox": [ + 299, + 36, + 1026, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=7xQE2N0z7gM", + "variation_id": 0, + "video_id": "21952" + }, + { + "bbox": [ + 233, + 41, + 1040, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=v3ncKPr_8ro", + "variation_id": 0, + "video_id": "21953" + }, + { + "bbox": [ + 84, + 0, + 465, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WujjGy4syeI", + "variation_id": 1, + "video_id": "21954" + }, + { + "bbox": [ + 285, + 8, + 1130, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WujjGy4syeI", + "variation_id": 0, + "video_id": "21955" + }, + { + "bbox": [ + 24, + 8, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/finish.swf", + "variation_id": 0, + "video_id": "21956" + } + ] + }, + { + "gloss": "hot", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2285, + "frame_start": 2249, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28074" + }, + { + "bbox": [ + 284, + 42, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/hot.mp4", + "variation_id": 0, + "video_id": "69368" + }, + { + "bbox": [ + 154, + 35, + 395, + 360 + ], + "fps": 25, + "frame_end": 4596, + "frame_start": 4497, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70270" + }, + { + "bbox": [ + 197, + 49, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/heat2.mp4", + "variation_id": 0, + "video_id": "28125" + }, + { + "bbox": [ + 229, + 17, + 521, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hot.mp4", + "variation_id": 0, + "video_id": "28108" + }, + { + "bbox": [ + 351, + 11, + 818, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hot-9X3bjjuKGMM.mp4", + "variation_id": 0, + "video_id": "28109" + }, + { + "bbox": [ + 657, + 78, + 1430, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hot-QCvXMjNN4PE.mp4", + "variation_id": 0, + "video_id": "28110" + }, + { + "bbox": [ + 544, + 128, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hot-wy-09ieHXhM.mp4", + "variation_id": 0, + "video_id": "28111" + }, + { + "bbox": [ + 61, + 4, + 500, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468638601.9688.mp4", + "variation_id": 0, + "video_id": "28112" + }, + { + "bbox": [ + 114, + 9, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hot2.mp4", + "variation_id": 0, + "video_id": "28113" + }, + { + "bbox": [ + 116, + 18, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hot.mp4", + "variation_id": 0, + "video_id": "28114" + }, + { + "bbox": [ + 65, + 9, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14232.mp4", + "variation_id": 0, + "video_id": "28115" + }, + { + "bbox": [ + 64, + 11, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6109.mp4", + "variation_id": 0, + "video_id": "28116" + }, + { + "bbox": [ + 51, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58462.mp4", + "variation_id": 0, + "video_id": "28107" + }, + { + "bbox": [ + 316, + 30, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=a0robonALIk", + "variation_id": 0, + "video_id": "28118" + }, + { + "bbox": [ + 142, + 37, + 410, + 339 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 64, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Eya_OdUAevw", + "variation_id": 0, + "video_id": "28119" + }, + { + "bbox": [ + 329, + 36, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Eya_OdUAevw", + "variation_id": 0, + "video_id": "28120" + }, + { + "bbox": [ + 328, + 34, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=F84dU7A7jI0", + "variation_id": 0, + "video_id": "28121" + }, + { + "bbox": [ + 293, + 31, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IqCHIu9NrZs", + "variation_id": 0, + "video_id": "28122" + }, + { + "bbox": [ + 335, + 88, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ob3drndU_yM", + "variation_id": 0, + "video_id": "28123" + }, + { + "bbox": [ + 67, + 1, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hot.swf", + "variation_id": 0, + "video_id": "28124" + } + ] + }, + { + "gloss": "like", + "instances": [ + { + "bbox": [ + 344, + 36, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/like.mp4", + "variation_id": 0, + "video_id": "69389" + }, + { + "bbox": [ + 68, + 3, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457551.mp4", + "variation_id": 1, + "video_id": "33266" + }, + { + "bbox": [ + 403, + 14, + 1068, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=0qeMFifNqC4", + "variation_id": 0, + "video_id": "68093" + }, + { + "bbox": [ + 152, + 43, + 390, + 360 + ], + "fps": 25, + "frame_end": 5667, + "frame_start": 5546, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70299" + }, + { + "bbox": [ + 189, + 57, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/like4.mp4", + "variation_id": 0, + "video_id": "33285" + }, + { + "bbox": [ + 408, + 49, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/like.mp4", + "variation_id": 0, + "video_id": "33267" + }, + { + "bbox": [ + 184, + 61, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/like.mp4", + "variation_id": 1, + "video_id": "33286" + }, + { + "bbox": [ + 237, + 13, + 584, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20really%20like-7y5Ye-2-ZBs.mp4", + "variation_id": 0, + "video_id": "33268" + }, + { + "bbox": [ + 132, + 0, + 506, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711783.5361.mp4", + "variation_id": 0, + "video_id": "33269" + }, + { + "bbox": [ + 114, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468711809.2438.mp4", + "variation_id": 1, + "video_id": "33270" + }, + { + "bbox": [ + 152, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/like.mp4", + "variation_id": 0, + "video_id": "33271" + }, + { + "bbox": [ + 70, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14298.mp4", + "variation_id": 1, + "video_id": "33273" + }, + { + "bbox": [ + 73, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6394.mp4", + "variation_id": 0, + "video_id": "33274" + }, + { + "bbox": [ + 325, + 12, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qK3SqANZheA", + "variation_id": 0, + "video_id": "33277" + }, + { + "bbox": [ + 283, + 0, + 873, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=SbXfT74yfDI", + "variation_id": 0, + "video_id": "33278" + }, + { + "bbox": [ + 256, + 0, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vh7DN3usJgc", + "variation_id": 0, + "video_id": "33279" + }, + { + "bbox": [ + 256, + 0, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=vh7DN3usJgc", + "variation_id": 0, + "video_id": "33280" + }, + { + "bbox": [ + 162, + 9, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vzUKt2pjkRI", + "variation_id": 0, + "video_id": "33281" + }, + { + "bbox": [ + 349, + 52, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vzUKt2pjkRI", + "variation_id": 0, + "video_id": "33282" + }, + { + "bbox": [ + 364, + 51, + 840, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=xKY35YaWuLE", + "variation_id": 0, + "video_id": "33283" + }, + { + "bbox": [ + 32, + 17, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/like.swf", + "variation_id": 1, + "video_id": "33284" + } + ] + }, + { + "gloss": "many", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 517, + "frame_start": 461, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34822" + }, + { + "bbox": [ + 374, + 52, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/many.mp4", + "variation_id": 0, + "video_id": "69396" + }, + { + "bbox": [ + 111, + 25, + 276, + 240 + ], + "fps": 25, + "frame_end": 1638, + "frame_start": 1524, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70308" + }, + { + "bbox": [ + 26, + 4, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/246018.mp4", + "variation_id": 0, + "video_id": "34823" + }, + { + "bbox": [ + 426, + 54, + 796, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/many.mp4", + "variation_id": 0, + "video_id": "34824" + }, + { + "bbox": [ + 552, + 55, + 1533, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Many%202-j0vvJVAAcBs.mp4", + "variation_id": 0, + "video_id": "34825" + }, + { + "bbox": [ + 659, + 80, + 1618, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Many-RzCIBY5rsGA.mp4", + "variation_id": 0, + "video_id": "34826" + }, + { + "bbox": [ + 124, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713681.2568.mp4", + "variation_id": 0, + "video_id": "34827" + }, + { + "bbox": [ + 69, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/many2.mp4", + "variation_id": 0, + "video_id": "34828" + }, + { + "bbox": [ + 82, + 0, + 608, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/many.mp4", + "variation_id": 0, + "video_id": "34829" + }, + { + "bbox": [ + 82, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6570.mp4", + "variation_id": 0, + "video_id": "34830" + }, + { + "bbox": [ + 84, + 11, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8040.mp4", + "variation_id": 0, + "video_id": "34831" + }, + { + "bbox": [ + 88, + 20, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/eTmzHLtBOnU", + "variation_id": 0, + "video_id": "67873" + }, + { + "bbox": [ + 86, + 12, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8041.mp4", + "variation_id": 0, + "video_id": "34832" + }, + { + "bbox": [ + 338, + 80, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=3B2kbN-ai6Y", + "variation_id": 0, + "video_id": "34833" + }, + { + "bbox": [ + 328, + 41, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=7O2mS0Kz4CA", + "variation_id": 0, + "video_id": "34834" + }, + { + "bbox": [ + 340, + 10, + 1023, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KBk8p5Xv2ow", + "variation_id": 0, + "video_id": "34835" + }, + { + "bbox": [ + 330, + 28, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Ku9SWR4uSUI", + "variation_id": 0, + "video_id": "34836" + }, + { + "bbox": [ + 356, + 84, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=MHJPgvs2kP8", + "variation_id": 0, + "video_id": "34837" + }, + { + "bbox": [ + 0, + 8, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/many.swf", + "variation_id": 0, + "video_id": "34838" + }, + { + "bbox": [ + 223, + 39, + 471, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/many.mp4", + "variation_id": 0, + "video_id": "34839" + } + ] + }, + { + "gloss": "mother", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2239, + "frame_start": 2187, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36927" + }, + { + "bbox": [ + 172, + 21, + 476, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/mother.mp4", + "variation_id": 0, + "video_id": "69402" + }, + { + "bbox": [ + 29, + 7, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/mother.swf", + "variation_id": 0, + "video_id": "36945" + }, + { + "bbox": [ + 218, + 38, + 468, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mama.mp4", + "variation_id": 0, + "video_id": "36946" + }, + { + "bbox": [ + 214, + 17, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/mother.mp4", + "variation_id": 0, + "video_id": "36930" + }, + { + "bbox": [ + 715, + 59, + 1630, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mother%20Wiggle-ZwJlF1W1GbE.mp4", + "variation_id": 0, + "video_id": "36931" + }, + { + "bbox": [ + 205, + 17, + 588, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Mother.mp4", + "variation_id": 0, + "video_id": "36932" + }, + { + "bbox": [ + 150, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716729.3803.mp4", + "variation_id": 0, + "video_id": "36933" + }, + { + "bbox": [ + 38, + 3, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/mother2.mp4", + "variation_id": 0, + "video_id": "36934" + }, + { + "bbox": [ + 69, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6508.mp4", + "variation_id": 0, + "video_id": "36936" + }, + { + "bbox": [ + 72, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6509.mp4", + "variation_id": 0, + "video_id": "36937" + }, + { + "bbox": [ + 174, + 8, + 500, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4nGdzLPvoP4", + "variation_id": 0, + "video_id": "36938" + }, + { + "bbox": [ + 136, + 27, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MOTHER-1590.mp4", + "variation_id": 0, + "video_id": "66147" + }, + { + "bbox": [ + 190, + 13, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MOTHER-509.mp4", + "variation_id": 0, + "video_id": "66146" + }, + { + "bbox": [ + 48, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48601.mp4", + "variation_id": 0, + "video_id": "36929" + }, + { + "bbox": [ + 105, + 14, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/MEhxsAx_n6A", + "variation_id": 0, + "video_id": "67908" + }, + { + "bbox": [ + 379, + 38, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8yzUd0Md_uY", + "variation_id": 0, + "video_id": "36939" + }, + { + "bbox": [ + 383, + 38, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=CMElqMGZrHc", + "variation_id": 0, + "video_id": "36940" + }, + { + "bbox": [ + 322, + 22, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gmBUPfuUbzc", + "variation_id": 0, + "video_id": "36941" + }, + { + "bbox": [ + 387, + 42, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qUkCg3rtEws", + "variation_id": 0, + "video_id": "36942" + }, + { + "bbox": [ + 329, + 33, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zv4zGZ92WAY", + "variation_id": 0, + "video_id": "36944" + } + ] + }, + { + "gloss": "now", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1871, + "frame_start": 1842, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38982" + }, + { + "bbox": [ + 340, + 40, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/now.mp4", + "variation_id": 0, + "video_id": "69413" + }, + { + "bbox": [ + 251, + 12, + 761, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 70, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20now-0wcuocGAvNU.mp4", + "variation_id": 0, + "video_id": "38994" + }, + { + "bbox": [ + 177, + 40, + 459, + 360 + ], + "fps": 25, + "frame_end": 4107, + "frame_start": 4000, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70345" + }, + { + "bbox": [ + 104, + 6, + 570, + 359 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=mKDG2tGn1Y8", + "variation_id": 0, + "video_id": "68694" + }, + { + "bbox": [ + 88, + 7, + 1048, + 720 + ], + "fps": 25, + "frame_end": 116, + "frame_start": 50, + "instance_id": 5, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=OQM3x-HY2dM", + "variation_id": 0, + "video_id": "68770" + }, + { + "bbox": [ + 73, + 7, + 1193, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=vmGh2IPdSRU", + "variation_id": 0, + "video_id": "68114" + }, + { + "bbox": [ + 85, + 19, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7774.mp4", + "variation_id": 0, + "video_id": "38999" + }, + { + "bbox": [ + 64, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9785.mp4", + "variation_id": 0, + "video_id": "39000" + }, + { + "bbox": [ + 52, + 16, + 506, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EtW1-NdM5qI", + "variation_id": 0, + "video_id": "39001" + }, + { + "bbox": [ + 305, + 41, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EtW1-NdM5qI", + "variation_id": 0, + "video_id": "39002" + }, + { + "bbox": [ + 333, + 38, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=g2j70neQ_lI", + "variation_id": 0, + "video_id": "39003" + }, + { + "bbox": [ + 58, + 2, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/111145.mp4", + "variation_id": 0, + "video_id": "38990" + }, + { + "bbox": [ + 111, + 20, + 343, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hIPRC-_00vs", + "variation_id": 0, + "video_id": "67937" + }, + { + "bbox": [ + 381, + 47, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OdOx4qaYlKI", + "variation_id": 0, + "video_id": "39004" + }, + { + "bbox": [ + 0, + 10, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/n/now.swf", + "variation_id": 0, + "video_id": "39005" + }, + { + "bbox": [ + 200, + 52, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/now.mp4", + "variation_id": 0, + "video_id": "39006" + }, + { + "bbox": [ + 46, + 1, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/49006.mp4", + "variation_id": 0, + "video_id": "38991" + }, + { + "bbox": [ + 124, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719996.5074.mp4", + "variation_id": 0, + "video_id": "38995" + }, + { + "bbox": [ + 106, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/now.mp4", + "variation_id": 0, + "video_id": "38996" + }, + { + "bbox": [ + 78, + 20, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7687.mp4", + "variation_id": 0, + "video_id": "38997" + } + ] + }, + { + "gloss": "orange", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1240, + "frame_start": 1181, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40114" + }, + { + "bbox": [ + 363, + 40, + 871, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/orange.mp4", + "variation_id": 0, + "video_id": "69422" + }, + { + "bbox": [ + 109, + 22, + 280, + 240 + ], + "fps": 25, + "frame_end": 1938, + "frame_start": 1835, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70310" + }, + { + "bbox": [ + 165, + 42, + 395, + 360 + ], + "fps": 25, + "frame_end": 1971, + "frame_start": 1858, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70249" + }, + { + "bbox": [ + 203, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=WuwIz-vDMUc", + "variation_id": 0, + "video_id": "68122" + }, + { + "bbox": [ + 82, + 32, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91534.mp4", + "variation_id": 0, + "video_id": "40115" + }, + { + "bbox": [ + 223, + 16, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/orange.mp4", + "variation_id": 0, + "video_id": "40116" + }, + { + "bbox": [ + 910, + 68, + 1734, + 1056 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Orange-mylSeGckZJs.mp4", + "variation_id": 0, + "video_id": "40117" + }, + { + "bbox": [ + 140, + 0, + 497, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468722445.5887.mp4", + "variation_id": 0, + "video_id": "40118" + }, + { + "bbox": [ + 140, + 0, + 497, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722468.1582.mp4", + "variation_id": 0, + "video_id": "40119" + }, + { + "bbox": [ + 42, + 15, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/orange.mp4", + "variation_id": 0, + "video_id": "40120" + }, + { + "bbox": [ + 81, + 10, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14519.mp4", + "variation_id": 0, + "video_id": "40121" + }, + { + "bbox": [ + 338, + 40, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3VAeP_x9tFg", + "variation_id": 0, + "video_id": "40122" + }, + { + "bbox": [ + 329, + 40, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gHyJ2zdCVHw", + "variation_id": 0, + "video_id": "40123" + }, + { + "bbox": [ + 146, + 2, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 107, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OR/ORANGE-521.mp4", + "variation_id": 0, + "video_id": "66246" + }, + { + "bbox": [ + 134, + 17, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/F4cpgfDA0ds", + "variation_id": 0, + "video_id": "67949" + }, + { + "bbox": [ + 411, + 72, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=juHCHcRrGew", + "variation_id": 0, + "video_id": "40124" + }, + { + "bbox": [ + 350, + 8, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 47, + "source": "scott", + "split": "test", + "url": "https://www.youtube.com/watch?v=V3hT7-PIJz4", + "variation_id": 0, + "video_id": "40126" + }, + { + "bbox": [ + 6, + 10, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/orange.swf", + "variation_id": 0, + "video_id": "40128" + }, + { + "bbox": [ + 175, + 50, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/orange.mp4", + "variation_id": 0, + "video_id": "40129" + }, + { + "bbox": [ + 175, + 50, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/orange.mp4", + "variation_id": 0, + "video_id": "40130" + } + ] + }, + { + "gloss": "table", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 80, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56552" + }, + { + "bbox": [ + 118, + 32, + 296, + 240 + ], + "fps": 25, + "frame_end": 4943, + "frame_start": 4848, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70323" + }, + { + "bbox": [ + 316, + 0, + 998, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=VQMheRBg2Mw", + "variation_id": 0, + "video_id": "68972" + }, + { + "bbox": [ + 0, + 8, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/table_place_setting.swf", + "variation_id": 0, + "video_id": "56573" + }, + { + "bbox": [ + 0, + 9, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/table_stacking.swf", + "variation_id": 0, + "video_id": "56574" + }, + { + "bbox": [ + 558, + 75, + 1619, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Booth%2C%20Desk%2C%20Table-8QbAD7Y9UEk.mp4", + "variation_id": 0, + "video_id": "56557" + }, + { + "bbox": [ + 0, + 4, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/table_umbrella_and_chairs.swf", + "variation_id": 0, + "video_id": "56576" + }, + { + "bbox": [ + 0, + 4, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/table_umbrella.swf", + "variation_id": 0, + "video_id": "56577" + }, + { + "bbox": [ + 6, + 11, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 49, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/t/table_vanity.swf", + "variation_id": 0, + "video_id": "56578" + }, + { + "bbox": [ + 159, + 60, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/counter2.mp4", + "variation_id": 0, + "video_id": "56579" + }, + { + "bbox": [ + 88, + 0, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468942806.9415.mp4", + "variation_id": 0, + "video_id": "56558" + }, + { + "bbox": [ + 374, + 52, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/table.mp4", + "variation_id": 0, + "video_id": "56556" + }, + { + "bbox": [ + 40, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/table.mp4", + "variation_id": 0, + "video_id": "56560" + }, + { + "bbox": [ + 65, + 18, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9252.mp4", + "variation_id": 0, + "video_id": "56563" + }, + { + "bbox": [ + 318, + 87, + 864, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=DB5oSxy6rrc", + "variation_id": 0, + "video_id": "56564" + }, + { + "bbox": [ + 111, + 20, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/XtP6_KGsQwE", + "variation_id": 0, + "video_id": "67275" + }, + { + "bbox": [ + 260, + 35, + 1023, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mEgQI-DHntY", + "variation_id": 0, + "video_id": "56566" + }, + { + "bbox": [ + 187, + 22, + 1025, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=UJINxF1cSUA", + "variation_id": 0, + "video_id": "56567" + }, + { + "bbox": [ + 10, + 10, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/table_coffee.swf", + "variation_id": 0, + "video_id": "56568" + }, + { + "bbox": [ + 7, + 8, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/table_decorative.swf", + "variation_id": 0, + "video_id": "56569" + }, + { + "bbox": [ + 0, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/table_folding.swf", + "variation_id": 0, + "video_id": "56571" + } + ] + }, + { + "gloss": "thanksgiving", + "instances": [ + { + "bbox": [ + 302, + 27, + 918, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZxOqr6aCVLc", + "variation_id": 0, + "video_id": "69092" + }, + { + "bbox": [ + 307, + 24, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SX3ppKcVdKA", + "variation_id": 0, + "video_id": "57645" + }, + { + "bbox": [ + 5, + 14, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/thanksgiving.swf", + "variation_id": 1, + "video_id": "57646" + }, + { + "bbox": [ + 79, + 10, + 242, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/thanksgiving.mov", + "variation_id": 1, + "video_id": "57628" + }, + { + "bbox": [ + 171, + 50, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/thanksgiving.mp4", + "variation_id": 0, + "video_id": "57647" + }, + { + "bbox": [ + 41, + 13, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244790.mp4", + "variation_id": 0, + "video_id": "57629" + }, + { + "bbox": [ + 402, + 56, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/thanksgiving2.mp4", + "variation_id": 0, + "video_id": "57630" + }, + { + "bbox": [ + 406, + 54, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/thanksgiving.mp4", + "variation_id": 1, + "video_id": "57631" + }, + { + "bbox": [ + 689, + 87, + 1577, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thanksgiving-jCauWIb_KEw.mp4", + "variation_id": 0, + "video_id": "57632" + }, + { + "bbox": [ + 131, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944257.5323.mp4", + "variation_id": 1, + "video_id": "57633" + }, + { + "bbox": [ + 121, + 31, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522763808.287.mp4", + "variation_id": 0, + "video_id": "57634" + }, + { + "bbox": [ + 104, + 13, + 354, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3PcHDlj9WEc", + "variation_id": 0, + "video_id": "67292" + }, + { + "bbox": [ + 150, + 24, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522763837.9158.mp4", + "variation_id": 0, + "video_id": "57635" + }, + { + "bbox": [ + 77, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/thanksgiving-ca.mp4", + "variation_id": 1, + "video_id": "57636" + }, + { + "bbox": [ + 82, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/thanksgiving-us.mp4", + "variation_id": 0, + "video_id": "57637" + }, + { + "bbox": [ + 94, + 19, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23272.mp4", + "variation_id": 1, + "video_id": "57638" + }, + { + "bbox": [ + 66, + 15, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23652.mp4", + "variation_id": 0, + "video_id": "57639" + }, + { + "bbox": [ + 65, + 16, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23653.mp4", + "variation_id": 0, + "video_id": "57640" + }, + { + "bbox": [ + 64, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9026.mp4", + "variation_id": 0, + "video_id": "57641" + }, + { + "bbox": [ + 354, + 14, + 1028, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2wmuIc7XVUY", + "variation_id": 1, + "video_id": "57642" + }, + { + "bbox": [ + 332, + 25, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eyaWHo4EwPQ", + "variation_id": 0, + "video_id": "57643" + } + ] + }, + { + "gloss": "what", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1780, + "frame_start": 1748, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62944" + }, + { + "bbox": [ + 155, + 34, + 1067, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/what.mp4", + "variation_id": 1, + "video_id": "69531" + }, + { + "bbox": [ + 342, + 10, + 960, + 720 + ], + "fps": 25, + "frame_end": 55, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=AK26EQRsH7k", + "variation_id": 1, + "video_id": "68330" + }, + { + "bbox": [ + 766, + 98, + 1727, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20What%202-xFO06HB3kFs.mp4", + "variation_id": 0, + "video_id": "62967" + }, + { + "bbox": [ + 333, + 61, + 1614, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20What-tzER8F2xbB0.mp4", + "variation_id": 1, + "video_id": "62968" + }, + { + "bbox": [ + 311, + 119, + 890, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=M1gXuGSWqVI", + "variation_id": 1, + "video_id": "62982" + }, + { + "bbox": [ + 78, + 9, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927879.8532.mp4", + "variation_id": 1, + "video_id": "62970" + }, + { + "bbox": [ + 228, + 11, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sSdQWC7mUZc", + "variation_id": 1, + "video_id": "62984" + }, + { + "bbox": [ + 181, + 0, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/what2.mp4", + "variation_id": 0, + "video_id": "62971" + }, + { + "bbox": [ + 173, + 7, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHAT-1425.mp4", + "variation_id": 0, + "video_id": "66769" + }, + { + "bbox": [ + 43, + 19, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sbODkAcZ5Mw", + "variation_id": 1, + "video_id": "67057" + }, + { + "bbox": [ + 4, + 15, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/what.swf", + "variation_id": 1, + "video_id": "62986" + }, + { + "bbox": [ + 166, + 0, + 520, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/what.mp4", + "variation_id": 1, + "video_id": "62973" + }, + { + "bbox": [ + 159, + 58, + 577, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/what2.mp4", + "variation_id": 1, + "video_id": "62987" + }, + { + "bbox": [ + 50, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51095.mp4", + "variation_id": 1, + "video_id": "62964" + }, + { + "bbox": [ + 50, + 20, + 430, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XO9Lq5Gyuaw", + "variation_id": 0, + "video_id": "67058" + }, + { + "bbox": [ + 185, + 61, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/what.mp4", + "variation_id": 0, + "video_id": "62988" + }, + { + "bbox": [ + 52, + 24, + 246, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23463.mp4", + "variation_id": 1, + "video_id": "62975" + }, + { + "bbox": [ + 179, + 13, + 606, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/what.mp4", + "variation_id": 1, + "video_id": "62965" + }, + { + "bbox": [ + 77, + 2, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5985.mp4", + "variation_id": 0, + "video_id": "62979" + }, + { + "bbox": [ + 509, + 75, + 1631, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 29, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20What-0SsXCKwjrpA.mp4", + "variation_id": 0, + "video_id": "62966" + } + ] + }, + { + "gloss": "woman", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3250, + "frame_start": 3191, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63662" + }, + { + "bbox": [ + 128, + 0, + 650, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=i47aN_PUDvk", + "variation_id": 0, + "video_id": "68187" + }, + { + "bbox": [ + 336, + 19, + 905, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=OgcjUatW9LA", + "variation_id": 0, + "video_id": "68764" + }, + { + "bbox": [ + 231, + 38, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/woman.mp4", + "variation_id": 0, + "video_id": "63679" + }, + { + "bbox": [ + 215, + 16, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/woman2.mp4", + "variation_id": 0, + "video_id": "63665" + }, + { + "bbox": [ + 216, + 15, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/woman.mp4", + "variation_id": 0, + "video_id": "63666" + }, + { + "bbox": [ + 664, + 83, + 1585, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Female%2C%20Woman-UzzZAyAR-rU.mp4", + "variation_id": 0, + "video_id": "63667" + }, + { + "bbox": [ + 913, + 49, + 1738, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Woman-rKWxvDjIcvg.mp4", + "variation_id": 0, + "video_id": "63668" + }, + { + "bbox": [ + 81, + 14, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468928952.8639.mp4", + "variation_id": 0, + "video_id": "63669" + }, + { + "bbox": [ + 87, + 0, + 483, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/woman2.mp4", + "variation_id": 0, + "video_id": "63670" + }, + { + "bbox": [ + 94, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/woman.mp4", + "variation_id": 0, + "video_id": "63671" + }, + { + "bbox": [ + 71, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6188.mp4", + "variation_id": 0, + "video_id": "63672" + }, + { + "bbox": [ + 78, + 14, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8401.mp4", + "variation_id": 0, + "video_id": "63673" + }, + { + "bbox": [ + 188, + 8, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WOMAN-1443.mp4", + "variation_id": 0, + "video_id": "66798" + }, + { + "bbox": [ + 167, + 2, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WOMAN-1446.mp4", + "variation_id": 0, + "video_id": "66799" + }, + { + "bbox": [ + 33, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 42, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51081.mp4", + "variation_id": 0, + "video_id": "63664" + }, + { + "bbox": [ + 113, + 28, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2GhoeP8Gcyk", + "variation_id": 0, + "video_id": "67078" + }, + { + "bbox": [ + 375, + 38, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=GobeSyJHyLk", + "variation_id": 0, + "video_id": "63675" + }, + { + "bbox": [ + 326, + 35, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-tJtocMNeI8", + "variation_id": 0, + "video_id": "63676" + }, + { + "bbox": [ + 334, + 36, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ToVkVdAa34Q", + "variation_id": 0, + "video_id": "63677" + }, + { + "bbox": [ + 17, + 17, + 194, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/woman.swf", + "variation_id": 0, + "video_id": "63678" + } + ] + }, + { + "gloss": "bed", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1505, + "frame_start": 1456, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05628" + }, + { + "bbox": [ + 14, + 9, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 49, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/bed.swf", + "variation_id": 0, + "video_id": "05643" + }, + { + "bbox": [ + 170, + 52, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bed.mp4", + "variation_id": 0, + "video_id": "05644" + }, + { + "bbox": [ + 64, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123626.mp4", + "variation_id": 0, + "video_id": "05629" + }, + { + "bbox": [ + 413, + 57, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bed.mp4", + "variation_id": 0, + "video_id": "05630" + }, + { + "bbox": [ + 617, + 68, + 1584, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bed%202-ORy44F0bpkU.mp4", + "variation_id": 0, + "video_id": "05631" + }, + { + "bbox": [ + 639, + 79, + 1541, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bed%204-Y5FkAjWcqcw.mp4", + "variation_id": 0, + "video_id": "05632" + }, + { + "bbox": [ + 697, + 82, + 1644, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bed-Btm85a-1LuM.mp4", + "variation_id": 0, + "video_id": "05633" + }, + { + "bbox": [ + 126, + 20, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681104.4565.mp4", + "variation_id": 0, + "video_id": "05634" + }, + { + "bbox": [ + 131, + 14, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bed.mp4", + "variation_id": 0, + "video_id": "05635" + }, + { + "bbox": [ + 72, + 23, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23233.mp4", + "variation_id": 0, + "video_id": "05636" + }, + { + "bbox": [ + 217, + 31, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BED-1974.mp4", + "variation_id": 0, + "video_id": "65162" + }, + { + "bbox": [ + 74, + 18, + 192, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23908.mp4", + "variation_id": 0, + "video_id": "05637" + }, + { + "bbox": [ + 199, + 0, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BED-2101.mp4", + "variation_id": 0, + "video_id": "65163" + }, + { + "bbox": [ + 188, + 5, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BED-384.mp4", + "variation_id": 0, + "video_id": "65161" + }, + { + "bbox": [ + 105, + 19, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Rl52rS9gxSU", + "variation_id": 0, + "video_id": "67400" + }, + { + "bbox": [ + 72, + 17, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6637.mp4", + "variation_id": 0, + "video_id": "05638" + }, + { + "bbox": [ + 330, + 31, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=6lQwfs5E7lM", + "variation_id": 0, + "video_id": "05639" + }, + { + "bbox": [ + 341, + 50, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RnbIsdsBc5Y", + "variation_id": 0, + "video_id": "05641" + }, + { + "bbox": [ + 375, + 86, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=zsInxFbekV8", + "variation_id": 0, + "video_id": "05642" + } + ] + }, + { + "gloss": "blue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3512, + "frame_start": 3453, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06822" + }, + { + "bbox": [ + 257, + 39, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/blue.mp4", + "variation_id": 0, + "video_id": "69238" + }, + { + "bbox": [ + 340, + 4, + 895, + 720 + ], + "fps": 25, + "frame_end": 36, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=6I9PNDl8A_U", + "variation_id": 0, + "video_id": "68274" + }, + { + "bbox": [ + 276, + 0, + 659, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZpxhfHSHi7Q", + "variation_id": 0, + "video_id": "68010" + }, + { + "bbox": [ + 125, + 26, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466683577.262.mp4", + "variation_id": 0, + "video_id": "06835" + }, + { + "bbox": [ + 40, + 19, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blue-deep.mp4", + "variation_id": 0, + "video_id": "06836" + }, + { + "bbox": [ + 52, + 17, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blue-light.mp4", + "variation_id": 0, + "video_id": "06837" + }, + { + "bbox": [ + 52, + 20, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blue.mp4", + "variation_id": 0, + "video_id": "06838" + }, + { + "bbox": [ + 90, + 21, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22144.mp4", + "variation_id": 0, + "video_id": "06839" + }, + { + "bbox": [ + 324, + 57, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2O8jkekJkiE", + "variation_id": 0, + "video_id": "06840" + }, + { + "bbox": [ + 358, + 9, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=ckcIj13POaE", + "variation_id": 0, + "video_id": "06841" + }, + { + "bbox": [ + 158, + 24, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLUE-417.mp4", + "variation_id": 0, + "video_id": "65216" + }, + { + "bbox": [ + 41, + 0, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455254.mp4", + "variation_id": 0, + "video_id": "06832" + }, + { + "bbox": [ + 99, + 19, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/b_4KkOWYXIU", + "variation_id": 0, + "video_id": "67420" + }, + { + "bbox": [ + 351, + 47, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JD2yYYdS4xg", + "variation_id": 0, + "video_id": "06842" + }, + { + "bbox": [ + 371, + 68, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 68, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=Xi6L8dzG8YQ", + "variation_id": 0, + "video_id": "06843" + }, + { + "bbox": [ + 13, + 15, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/blue.swf", + "variation_id": 0, + "video_id": "06844" + }, + { + "bbox": [ + 232, + 39, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/blue.mp4", + "variation_id": 0, + "video_id": "06845" + }, + { + "bbox": [ + 225, + 18, + 519, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/blue.mp4", + "variation_id": 0, + "video_id": "06833" + }, + { + "bbox": [ + 188, + 0, + 794, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Blue.mp4", + "variation_id": 0, + "video_id": "06834" + } + ] + }, + { + "gloss": "bowling", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4099, + "frame_start": 4053, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07383" + }, + { + "bbox": [ + 0, + 1, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/b/bowling.swf", + "variation_id": 0, + "video_id": "07403" + }, + { + "bbox": [ + 424, + 56, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bowling.mp4", + "variation_id": 0, + "video_id": "07389" + }, + { + "bbox": [ + 737, + 142, + 1494, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bowling%202-jScnRm5hYNo.mp4", + "variation_id": 0, + "video_id": "07390" + }, + { + "bbox": [ + 685, + 146, + 1545, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bowling%203-SF414zqKaLY.mp4", + "variation_id": 0, + "video_id": "07391" + }, + { + "bbox": [ + 627, + 134, + 1450, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bowling-i2ibKcoIOSY.mp4", + "variation_id": 0, + "video_id": "07392" + }, + { + "bbox": [ + 428, + 47, + 1680, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bowling-VJCD8tZiLhc.mp4", + "variation_id": 0, + "video_id": "07393" + }, + { + "bbox": [ + 106, + 23, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466684977.5374.mp4", + "variation_id": 0, + "video_id": "07394" + }, + { + "bbox": [ + 32, + 10, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bowling2.mp4", + "variation_id": 0, + "video_id": "07395" + }, + { + "bbox": [ + 57, + 13, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bowling-game.mp4", + "variation_id": 0, + "video_id": "07396" + }, + { + "bbox": [ + 69, + 12, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14322.mp4", + "variation_id": 0, + "video_id": "07397" + }, + { + "bbox": [ + 179, + 18, + 530, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOWLING-2448.mp4", + "variation_id": 0, + "video_id": "65242" + }, + { + "bbox": [ + 159, + 26, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOWLING-722.mp4", + "variation_id": 0, + "video_id": "65241" + }, + { + "bbox": [ + 55, + 13, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125215.mp4", + "variation_id": 0, + "video_id": "07388" + }, + { + "bbox": [ + 48, + 18, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/GZ_G19YmWO8", + "variation_id": 0, + "video_id": "67431" + }, + { + "bbox": [ + 84, + 17, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14420.mp4", + "variation_id": 0, + "video_id": "07398" + }, + { + "bbox": [ + 68, + 10, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14421.mp4", + "variation_id": 0, + "video_id": "07399" + }, + { + "bbox": [ + 89, + 9, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6345.mp4", + "variation_id": 0, + "video_id": "07400" + }, + { + "bbox": [ + 287, + 52, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8WU50RPuCL0", + "variation_id": 0, + "video_id": "07401" + }, + { + "bbox": [ + 339, + 51, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=iIr9H2LXllA", + "variation_id": 0, + "video_id": "07402" + } + ] + }, + { + "gloss": "can", + "instances": [ + { + "bbox": [ + 285, + 31, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/can.mp4", + "variation_id": 0, + "video_id": "69257" + }, + { + "bbox": [ + 137, + 15, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAN-426.mp4", + "variation_id": 0, + "video_id": "65294" + }, + { + "bbox": [ + 237, + 51, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=_jv2aC-37vQ", + "variation_id": 0, + "video_id": "08950" + }, + { + "bbox": [ + 349, + 87, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=trqyl20lEno", + "variation_id": 0, + "video_id": "08951" + }, + { + "bbox": [ + 224, + 43, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=-VJGz9f7DMY", + "variation_id": 0, + "video_id": "08952" + }, + { + "bbox": [ + 1, + 17, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/can.swf", + "variation_id": 0, + "video_id": "08953" + }, + { + "bbox": [ + 163, + 54, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/can.mp4", + "variation_id": 0, + "video_id": "08955" + }, + { + "bbox": [ + 434, + 54, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/can.mp4", + "variation_id": 0, + "video_id": "08935" + }, + { + "bbox": [ + 201, + 5, + 823, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20can%202-jK3eUJXZ3h8.mp4", + "variation_id": 0, + "video_id": "08936" + }, + { + "bbox": [ + 69, + 17, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726413.7244.mp4", + "variation_id": 0, + "video_id": "08937" + }, + { + "bbox": [ + 110, + 29, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522766215.7563.mp4", + "variation_id": 0, + "video_id": "08938" + }, + { + "bbox": [ + 50, + 6, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/can.mp4", + "variation_id": 0, + "video_id": "08939" + }, + { + "bbox": [ + 76, + 18, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7817.mp4", + "variation_id": 0, + "video_id": "08942" + }, + { + "bbox": [ + 79, + 17, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/XKsE3bqirCc", + "variation_id": 0, + "video_id": "67465" + }, + { + "bbox": [ + 70, + 18, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9064.mp4", + "variation_id": 0, + "video_id": "08944" + }, + { + "bbox": [ + 265, + 0, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=4zPifaOHJIE", + "variation_id": 0, + "video_id": "08945" + }, + { + "bbox": [ + 265, + 0, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4zPifaOHJIE", + "variation_id": 0, + "video_id": "08946" + }, + { + "bbox": [ + 234, + 49, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=AkAg7GO240c", + "variation_id": 0, + "video_id": "08947" + }, + { + "bbox": [ + 310, + 57, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BVypOVtFnNk", + "variation_id": 0, + "video_id": "08948" + }, + { + "bbox": [ + 220, + 51, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=FH3mTCczlsc", + "variation_id": 0, + "video_id": "08949" + } + ] + }, + { + "gloss": "dog", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3995, + "frame_start": 3933, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17076" + }, + { + "bbox": [ + 356, + 40, + 877, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/dog.mp4", + "variation_id": 0, + "video_id": "69298" + }, + { + "bbox": [ + 107, + 8, + 521, + 358 + ], + "fps": 25, + "frame_end": 67, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=kMcaG9BjXXg", + "variation_id": 0, + "video_id": "68632" + }, + { + "bbox": [ + 116, + 0, + 1102, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=_wQEymilNt4", + "variation_id": 0, + "video_id": "68035" + }, + { + "bbox": [ + 133, + 62, + 585, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/dog.mp4", + "variation_id": 1, + "video_id": "17097" + }, + { + "bbox": [ + 53, + 0, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456752.mp4", + "variation_id": 1, + "video_id": "17084" + }, + { + "bbox": [ + 225, + 18, + 521, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dog-2.mp4", + "variation_id": 0, + "video_id": "17085" + }, + { + "bbox": [ + 417, + 61, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dog.mp4", + "variation_id": 1, + "video_id": "17086" + }, + { + "bbox": [ + 101, + 15, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467772624.2233.mp4", + "variation_id": 0, + "video_id": "17087" + }, + { + "bbox": [ + 74, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dog-fs.mp4", + "variation_id": 0, + "video_id": "17088" + }, + { + "bbox": [ + 91, + 22, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24220.mp4", + "variation_id": 1, + "video_id": "17090" + }, + { + "bbox": [ + 105, + 20, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6597.mp4", + "variation_id": 0, + "video_id": "17091" + }, + { + "bbox": [ + 285, + 55, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=catBjk1p2bk", + "variation_id": 0, + "video_id": "17092" + }, + { + "bbox": [ + 175, + 16, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOG-376.mp4", + "variation_id": 0, + "video_id": "65506" + }, + { + "bbox": [ + 146, + 18, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOG-441.mp4", + "variation_id": 1, + "video_id": "65507" + }, + { + "bbox": [ + 53, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456751.mp4", + "variation_id": 0, + "video_id": "17083" + }, + { + "bbox": [ + 133, + 14, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/-9AsKTaXwH8", + "variation_id": 0, + "video_id": "67578" + }, + { + "bbox": [ + 368, + 47, + 930, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IbpJtH_QssM", + "variation_id": 0, + "video_id": "17093" + }, + { + "bbox": [ + 363, + 52, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V5I4eIMatII", + "variation_id": 0, + "video_id": "17095" + }, + { + "bbox": [ + 57, + 5, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/dog.swf", + "variation_id": 1, + "video_id": "17096" + } + ] + }, + { + "gloss": "family", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 373, + "frame_start": 334, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20976" + }, + { + "bbox": [ + 334, + 15, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/family.mp4", + "variation_id": 0, + "video_id": "69316" + }, + { + "bbox": [ + 309, + 17, + 879, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=x3GJ5mFOpNA", + "variation_id": 0, + "video_id": "69016" + }, + { + "bbox": [ + 218, + 18, + 529, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/family.mp4", + "variation_id": 0, + "video_id": "20980" + }, + { + "bbox": [ + 307, + 9, + 790, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Family-jPtV6Y2sUO4.mp4", + "variation_id": 0, + "video_id": "20981" + }, + { + "bbox": [ + 688, + 43, + 1555, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Family-JV4BqtKxwOY.mp4", + "variation_id": 0, + "video_id": "20982" + }, + { + "bbox": [ + 60, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467858228.7191.mp4", + "variation_id": 0, + "video_id": "20983" + }, + { + "bbox": [ + 50, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/family-isl.mp4", + "variation_id": 0, + "video_id": "20984" + }, + { + "bbox": [ + 66, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/family.mp4", + "variation_id": 0, + "video_id": "20985" + }, + { + "bbox": [ + 84, + 12, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14462.mp4", + "variation_id": 0, + "video_id": "20986" + }, + { + "bbox": [ + 79, + 13, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6375.mp4", + "variation_id": 0, + "video_id": "20987" + }, + { + "bbox": [ + 167, + 31, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAMILY-1379.mp4", + "variation_id": 0, + "video_id": "65677" + }, + { + "bbox": [ + 63, + 7, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/family.mov", + "variation_id": 0, + "video_id": "20978" + }, + { + "bbox": [ + 100, + 23, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Yuif86dOrEY", + "variation_id": 0, + "video_id": "67642" + }, + { + "bbox": [ + 317, + 47, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=cEuA1gLPbIY", + "variation_id": 0, + "video_id": "20988" + }, + { + "bbox": [ + 368, + 35, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=SxrxUgeTt00", + "variation_id": 0, + "video_id": "20989" + }, + { + "bbox": [ + 320, + 43, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wtURQzK00eo", + "variation_id": 0, + "video_id": "20990" + }, + { + "bbox": [ + 4, + 5, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/f/family.swf", + "variation_id": 0, + "video_id": "20991" + }, + { + "bbox": [ + 217, + 35, + 489, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/family.mp4", + "variation_id": 0, + "video_id": "20992" + }, + { + "bbox": [ + 69, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455625.mp4", + "variation_id": 0, + "video_id": "20979" + } + ] + }, + { + "gloss": "fish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1574, + "frame_start": 1525, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22109" + }, + { + "bbox": [ + 311, + 0, + 1071, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/fish.mp4", + "variation_id": 0, + "video_id": "69325" + }, + { + "bbox": [ + 3, + 16, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fish.swf", + "variation_id": 1, + "video_id": "22129" + }, + { + "bbox": [ + 166, + 52, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fish.mp4", + "variation_id": 0, + "video_id": "22130" + }, + { + "bbox": [ + 55, + 13, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/74988.mp4", + "variation_id": 0, + "video_id": "22114" + }, + { + "bbox": [ + 403, + 57, + 843, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fish.mp4", + "variation_id": 1, + "video_id": "22115" + }, + { + "bbox": [ + 710, + 70, + 1594, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fish-_GVODUZLS70.mp4", + "variation_id": 0, + "video_id": "22116" + }, + { + "bbox": [ + 36, + 9, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468494686.303.mp4", + "variation_id": 0, + "video_id": "22117" + }, + { + "bbox": [ + 57, + 2, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fish2.mp4", + "variation_id": 1, + "video_id": "22118" + }, + { + "bbox": [ + 116, + 0, + 464, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fish.mp4", + "variation_id": 0, + "video_id": "22119" + }, + { + "bbox": [ + 73, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6808.mp4", + "variation_id": 1, + "video_id": "22120" + }, + { + "bbox": [ + 74, + 16, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6809.mp4", + "variation_id": 0, + "video_id": "22121" + }, + { + "bbox": [ + 160, + 18, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FISH-387.mp4", + "variation_id": 0, + "video_id": "65731" + }, + { + "bbox": [ + 98, + 12, + 236, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/fish.mov", + "variation_id": 1, + "video_id": "22113" + }, + { + "bbox": [ + 109, + 19, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/61B8V3YHlqg", + "variation_id": 1, + "video_id": "67667" + }, + { + "bbox": [ + 336, + 56, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=22cYLTT67sc", + "variation_id": 0, + "video_id": "22124" + }, + { + "bbox": [ + 127, + 39, + 405, + 346 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_41TQ39vHMA", + "variation_id": 1, + "video_id": "22125" + }, + { + "bbox": [ + 359, + 69, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=IJyUcYJMpmU", + "variation_id": 1, + "video_id": "22126" + }, + { + "bbox": [ + 377, + 23, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=w1_BBOZWwPY", + "variation_id": 1, + "video_id": "22127" + }, + { + "bbox": [ + 378, + 19, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=xCQmc-1g9fM", + "variation_id": 0, + "video_id": "22128" + } + ] + }, + { + "gloss": "graduate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1549, + "frame_start": 1520, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25318" + }, + { + "bbox": [ + 117, + 20, + 505, + 480 + ], + "fps": 25, + "frame_end": 6474, + "frame_start": 6345, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70176" + }, + { + "bbox": [ + 315, + 35, + 932, + 720 + ], + "fps": 25, + "frame_end": 41, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=HNp5UcfuRSI", + "variation_id": 0, + "video_id": "68528" + }, + { + "bbox": [ + 73, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/graduate_person.swf", + "variation_id": 0, + "video_id": "25337" + }, + { + "bbox": [ + 77, + 3, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/graduate_verb.swf", + "variation_id": 0, + "video_id": "25338" + }, + { + "bbox": [ + 175, + 60, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/graduate.mp4", + "variation_id": 0, + "video_id": "25339" + }, + { + "bbox": [ + 431, + 59, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/graduate.mp4", + "variation_id": 0, + "video_id": "25322" + }, + { + "bbox": [ + 538, + 131, + 1504, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Graduate%2C%20Guarantee%202-5_ku83x4epk.mp4", + "variation_id": 0, + "video_id": "25323" + }, + { + "bbox": [ + 586, + 116, + 1418, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Graduate%2C%20Guarantee%203-AehX-pK1AIE.mp4", + "variation_id": 0, + "video_id": "25324" + }, + { + "bbox": [ + 575, + 117, + 1467, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Graduate%2C%20Guarantee-fK4BOAHYevM.mp4", + "variation_id": 0, + "video_id": "25325" + }, + { + "bbox": [ + 35, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549910.3136.mp4", + "variation_id": 0, + "video_id": "25326" + }, + { + "bbox": [ + 57, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/graduate.mp4", + "variation_id": 0, + "video_id": "25327" + }, + { + "bbox": [ + 63, + 1, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/graduate-person.mp4", + "variation_id": 0, + "video_id": "25328" + }, + { + "bbox": [ + 171, + 39, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRADUATE-1866.mp4", + "variation_id": 0, + "video_id": "65843" + }, + { + "bbox": [ + 74, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6256.mp4", + "variation_id": 0, + "video_id": "25329" + }, + { + "bbox": [ + 63, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8864.mp4", + "variation_id": 0, + "video_id": "25330" + }, + { + "bbox": [ + 51, + 4, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58510.mp4", + "variation_id": 0, + "video_id": "25321" + }, + { + "bbox": [ + 95, + 7, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/aciHfU1IrCc", + "variation_id": 0, + "video_id": "67722" + }, + { + "bbox": [ + 346, + 53, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3KH3aihCcF8", + "variation_id": 0, + "video_id": "25332" + }, + { + "bbox": [ + 313, + 42, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Uch6xFIQ3X0", + "variation_id": 0, + "video_id": "25333" + } + ] + }, + { + "gloss": "hat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 684, + "frame_start": 628, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26688" + }, + { + "bbox": [ + 147, + 5, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/hat.mp4", + "variation_id": 0, + "video_id": "69359" + }, + { + "bbox": [ + 247, + 1, + 944, + 720 + ], + "fps": 25, + "frame_end": 53, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Cw7DfeqaQu0", + "variation_id": 0, + "video_id": "68396" + }, + { + "bbox": [ + 139, + 0, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=M2pI7j5-mR0", + "variation_id": 0, + "video_id": "68068" + }, + { + "bbox": [ + 334, + 31, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hat.mp4", + "variation_id": 0, + "video_id": "26713" + }, + { + "bbox": [ + 0, + 8, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hat.swf", + "variation_id": 0, + "video_id": "26736" + }, + { + "bbox": [ + 32, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51154.mp4", + "variation_id": 0, + "video_id": "26712" + }, + { + "bbox": [ + 203, + 39, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ballcap.mp4", + "variation_id": 0, + "video_id": "26739" + }, + { + "bbox": [ + 137, + 29, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hat.mp4", + "variation_id": 0, + "video_id": "26741" + }, + { + "bbox": [ + 698, + 74, + 1615, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hat-F1p5oelfV7U.mp4", + "variation_id": 0, + "video_id": "26714" + }, + { + "bbox": [ + 26, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579799.8963.mp4", + "variation_id": 0, + "video_id": "26715" + }, + { + "bbox": [ + 18, + 2, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hat.mp4", + "variation_id": 0, + "video_id": "26716" + }, + { + "bbox": [ + 62, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23605.mp4", + "variation_id": 0, + "video_id": "26717" + }, + { + "bbox": [ + 87, + 19, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/YZyaVHlqsvY", + "variation_id": 0, + "video_id": "67745" + }, + { + "bbox": [ + 44, + 4, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6388.mp4", + "variation_id": 0, + "video_id": "26719" + }, + { + "bbox": [ + 132, + 20, + 509, + 342 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 64, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=3xNKnBbX6aA", + "variation_id": 0, + "video_id": "26721" + }, + { + "bbox": [ + 308, + 65, + 865, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 29, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=40-GTK0E2k4", + "variation_id": 0, + "video_id": "26722" + }, + { + "bbox": [ + 284, + 0, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 30, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=7byMTWfeQxQ", + "variation_id": 0, + "video_id": "26723" + }, + { + "bbox": [ + 169, + 0, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 31, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bul0cjvDEEE", + "variation_id": 0, + "video_id": "26724" + }, + { + "bbox": [ + 307, + 61, + 888, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 33, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=QhYtXRY5ULQ", + "variation_id": 0, + "video_id": "26726" + } + ] + }, + { + "gloss": "hearing", + "instances": [ + { + "bbox": [ + 159, + 36, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HEARING-1773.mp4", + "variation_id": 0, + "video_id": "65884" + }, + { + "bbox": [ + 167, + 38, + 449, + 360 + ], + "fps": 25, + "frame_end": 4798, + "frame_start": 4707, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=25ymRY7hbjs", + "variation_id": 0, + "video_id": "70016" + }, + { + "bbox": [ + 97, + 3, + 520, + 360 + ], + "fps": 25, + "frame_end": 143, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=ba87IfnWL9s", + "variation_id": 0, + "video_id": "68350" + }, + { + "bbox": [ + 56, + 0, + 1066, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=x5cwBfSKnZc", + "variation_id": 0, + "video_id": "68070" + }, + { + "bbox": [ + 201, + 17, + 516, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hearing.mp4", + "variation_id": 0, + "video_id": "26972" + }, + { + "bbox": [ + 623, + 138, + 1480, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hearing%2C%20Public-QTXYOo6ZB8I.mp4", + "variation_id": 0, + "video_id": "26973" + }, + { + "bbox": [ + 477, + 30, + 1040, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Hearing.mp4", + "variation_id": 0, + "video_id": "26974" + }, + { + "bbox": [ + 36, + 4, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580423.3306.mp4", + "variation_id": 0, + "video_id": "26975" + }, + { + "bbox": [ + 132, + 27, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767646.1436.mp4", + "variation_id": 0, + "video_id": "26976" + }, + { + "bbox": [ + 102, + 0, + 465, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hearing-but.mp4", + "variation_id": 0, + "video_id": "26977" + }, + { + "bbox": [ + 120, + 21, + 468, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hearing.mp4", + "variation_id": 0, + "video_id": "26978" + }, + { + "bbox": [ + 47, + 6, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63539.mp4", + "variation_id": 0, + "video_id": "26971" + }, + { + "bbox": [ + 62, + 17, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6412.mp4", + "variation_id": 0, + "video_id": "26980" + }, + { + "bbox": [ + 86, + 23, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/eQlq7VX7VSg", + "variation_id": 0, + "video_id": "67750" + }, + { + "bbox": [ + 362, + 55, + 836, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=AoyNI1BJmOE", + "variation_id": 0, + "video_id": "26981" + }, + { + "bbox": [ + 245, + 26, + 932, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 47, + "source": "scott", + "split": "val", + "url": "https://www.youtube.com/watch?v=djZwwts-OiA", + "variation_id": 0, + "video_id": "26982" + }, + { + "bbox": [ + 336, + 42, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EOUkGLfYQ7M", + "variation_id": 0, + "video_id": "26983" + }, + { + "bbox": [ + 217, + 43, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=o8jWmf65mTQ", + "variation_id": 0, + "video_id": "26984" + }, + { + "bbox": [ + 265, + 12, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pm3V4SOB9gk", + "variation_id": 0, + "video_id": "26985" + }, + { + "bbox": [ + 267, + 13, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sMRpqyQK72c", + "variation_id": 0, + "video_id": "26986" + } + ] + }, + { + "gloss": "kiss", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 479, + "frame_start": 397, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31746" + }, + { + "bbox": [ + 344, + 27, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TT0VsmSeuEw", + "variation_id": 1, + "video_id": "31765" + }, + { + "bbox": [ + 0, + 6, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/kiss.swf", + "variation_id": 1, + "video_id": "31766" + }, + { + "bbox": [ + 229, + 48, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/kiss.mp4", + "variation_id": 1, + "video_id": "31767" + }, + { + "bbox": [ + 745, + 128, + 1540, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cheek%20Kissing-igoSeqb5kF8.mp4", + "variation_id": 0, + "video_id": "31750" + }, + { + "bbox": [ + 425, + 110, + 1565, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Kiss%202-pmiprSOQb3U.mp4", + "variation_id": 1, + "video_id": "31751" + }, + { + "bbox": [ + 578, + 125, + 1537, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Kiss-6KDwdmpMIJw.mp4", + "variation_id": 1, + "video_id": "31752" + }, + { + "bbox": [ + 104, + 15, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670470.2614.mp4", + "variation_id": 1, + "video_id": "31753" + }, + { + "bbox": [ + 91, + 9, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/kiss.mp4", + "variation_id": 0, + "video_id": "31754" + }, + { + "bbox": [ + 84, + 8, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5947.mp4", + "variation_id": 1, + "video_id": "31755" + }, + { + "bbox": [ + 79, + 8, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5948.mp4", + "variation_id": 0, + "video_id": "31756" + }, + { + "bbox": [ + 199, + 15, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KI/KISS_2-165.mp4", + "variation_id": 1, + "video_id": "65996" + }, + { + "bbox": [ + 366, + 59, + 995, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=7B830ksHv20", + "variation_id": 1, + "video_id": "31757" + }, + { + "bbox": [ + 350, + 24, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=bbunI-2KVKo", + "variation_id": 1, + "video_id": "31758" + }, + { + "bbox": [ + 444, + 60, + 822, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/kiss.mp4", + "variation_id": 1, + "video_id": "31749" + }, + { + "bbox": [ + 70, + 18, + 361, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/xUtx5xCoVXI", + "variation_id": 0, + "video_id": "67817" + }, + { + "bbox": [ + 333, + 33, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Bpbc7RhARRg", + "variation_id": 0, + "video_id": "31759" + }, + { + "bbox": [ + 151, + 34, + 415, + 345 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=P1JsNQUgyeg", + "variation_id": 0, + "video_id": "31762" + }, + { + "bbox": [ + 382, + 45, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=SbvomlBCAe8", + "variation_id": 0, + "video_id": "31763" + }, + { + "bbox": [ + 382, + 55, + 852, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=tp7A4b_dO0k", + "variation_id": 1, + "video_id": "31764" + } + ] + }, + { + "gloss": "language", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 124, + "frame_start": 98, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32146" + }, + { + "bbox": [ + 102, + 0, + 750, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=IRuaSHyrm6o", + "variation_id": 0, + "video_id": "68084" + }, + { + "bbox": [ + 262, + 0, + 1238, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=iYwt-z7Roz4", + "variation_id": 0, + "video_id": "68085" + }, + { + "bbox": [ + 106, + 15, + 579, + 356 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=TaeaJ9r1A5U", + "variation_id": 0, + "video_id": "68904" + }, + { + "bbox": [ + 236, + 72, + 1641, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Language%203-3MX4tSI4zV0.mp4", + "variation_id": 1, + "video_id": "32156" + }, + { + "bbox": [ + 223, + 89, + 1635, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Language%204-a0lbU50n0wI.mp4", + "variation_id": 1, + "video_id": "32157" + }, + { + "bbox": [ + 298, + 77, + 1648, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Language-QQZBHc4ZCkA.mp4", + "variation_id": 0, + "video_id": "32158" + }, + { + "bbox": [ + 36, + 0, + 616, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671247.1222.mp4", + "variation_id": 1, + "video_id": "32160" + }, + { + "bbox": [ + 70, + 6, + 633, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/language2.mp4", + "variation_id": 1, + "video_id": "32161" + }, + { + "bbox": [ + 39, + 7, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/language.mp4", + "variation_id": 0, + "video_id": "32162" + }, + { + "bbox": [ + 61, + 14, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6380.mp4", + "variation_id": 0, + "video_id": "32163" + }, + { + "bbox": [ + 179, + 14, + 537, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LANGUAGE-2463.mp4", + "variation_id": 1, + "video_id": "66008" + }, + { + "bbox": [ + 191, + 14, + 501, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LANGUAGE-600.mp4", + "variation_id": 0, + "video_id": "66007" + }, + { + "bbox": [ + 44, + 3, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457488.mp4", + "variation_id": 1, + "video_id": "32154" + }, + { + "bbox": [ + 48, + 0, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ZS5lDC1yMSo", + "variation_id": 0, + "video_id": "67827" + }, + { + "bbox": [ + 340, + 45, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=O8XiLkrSx48", + "variation_id": 1, + "video_id": "32164" + }, + { + "bbox": [ + 248, + 48, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=y3ZYWbCLnGU", + "variation_id": 1, + "video_id": "32165" + }, + { + "bbox": [ + 4, + 5, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/language.swf", + "variation_id": 0, + "video_id": "32166" + }, + { + "bbox": [ + 174, + 53, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/language.mp4", + "variation_id": 0, + "video_id": "32167" + }, + { + "bbox": [ + 204, + 92, + 1777, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Language%202-e7ngY2s5d-w.mp4", + "variation_id": 0, + "video_id": "32155" + } + ] + }, + { + "gloss": "later", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 410, + "frame_start": 378, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32319" + }, + { + "bbox": [ + 147, + 8, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=X4003aEoiWo", + "variation_id": 1, + "video_id": "32335" + }, + { + "bbox": [ + 0, + 17, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/later.swf", + "variation_id": 0, + "video_id": "32336" + }, + { + "bbox": [ + 178, + 55, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/later.mp4", + "variation_id": 1, + "video_id": "32337" + }, + { + "bbox": [ + 178, + 55, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/later.mp4", + "variation_id": 1, + "video_id": "32338" + }, + { + "bbox": [ + 48, + 2, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457497.mp4", + "variation_id": 1, + "video_id": "32320" + }, + { + "bbox": [ + 523, + 99, + 1517, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Later%202-UlcQ5965pNk.mp4", + "variation_id": 0, + "video_id": "32321" + }, + { + "bbox": [ + 488, + 106, + 1527, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Later%203-nbbipDhvyVQ.mp4", + "variation_id": 1, + "video_id": "32322" + }, + { + "bbox": [ + 446, + 99, + 1512, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Later-FVJ2dUlmpXA.mp4", + "variation_id": 0, + "video_id": "32323" + }, + { + "bbox": [ + 729, + 144, + 1557, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Later-K4l6zXKW2b4.mp4", + "variation_id": 0, + "video_id": "32324" + }, + { + "bbox": [ + 358, + 12, + 794, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 70, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20later-LwQxFlH3wmA.mp4", + "variation_id": 0, + "video_id": "32325" + }, + { + "bbox": [ + 201, + 30, + 526, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LATER-1688.mp4", + "variation_id": 1, + "video_id": "66015" + }, + { + "bbox": [ + 111, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671424.4465.mp4", + "variation_id": 1, + "video_id": "32326" + }, + { + "bbox": [ + 96, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/later2.mp4", + "variation_id": 1, + "video_id": "32327" + }, + { + "bbox": [ + 65, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/later-inf.mp4", + "variation_id": 0, + "video_id": "32328" + }, + { + "bbox": [ + 157, + 13, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LATER-169.mp4", + "variation_id": 0, + "video_id": "66014" + }, + { + "bbox": [ + 76, + 17, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/s3wDKw4Y4w0", + "variation_id": 0, + "video_id": "67829" + }, + { + "bbox": [ + 64, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/later.mp4", + "variation_id": 1, + "video_id": "32329" + }, + { + "bbox": [ + 67, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7458.mp4", + "variation_id": 1, + "video_id": "32333" + }, + { + "bbox": [ + 260, + 53, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Md8yfrXzp8", + "variation_id": 0, + "video_id": "32334" + } + ] + }, + { + "gloss": "man", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 340, + "frame_start": 298, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34685" + }, + { + "bbox": [ + 346, + 24, + 1037, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/man.mp4", + "variation_id": 0, + "video_id": "69395" + }, + { + "bbox": [ + 329, + 4, + 915, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=pi_BA9L-UNk", + "variation_id": 0, + "video_id": "68794" + }, + { + "bbox": [ + 214, + 37, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/male.mp4", + "variation_id": 0, + "video_id": "34746" + }, + { + "bbox": [ + 183, + 17, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/man2.mp4", + "variation_id": 0, + "video_id": "34733" + }, + { + "bbox": [ + 143, + 11, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/man.mp4", + "variation_id": 0, + "video_id": "34734" + }, + { + "bbox": [ + 462, + 73, + 1617, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Male%2C%20Man-k2HqojTY0ZE.mp4", + "variation_id": 0, + "video_id": "34736" + }, + { + "bbox": [ + 851, + 60, + 1746, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Man-aifqg8ePLMI.mp4", + "variation_id": 0, + "video_id": "34737" + }, + { + "bbox": [ + 127, + 17, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546574351.9937.mp4", + "variation_id": 0, + "video_id": "34738" + }, + { + "bbox": [ + 88, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/man2.mp4", + "variation_id": 0, + "video_id": "34739" + }, + { + "bbox": [ + 82, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/man.mp4", + "variation_id": 0, + "video_id": "34741" + }, + { + "bbox": [ + 135, + 27, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MAN-1627.mp4", + "variation_id": 0, + "video_id": "66098" + }, + { + "bbox": [ + 150, + 27, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MAN-2000.mp4", + "variation_id": 0, + "video_id": "66099" + }, + { + "bbox": [ + 143, + 7, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MAN-503.mp4", + "variation_id": 0, + "video_id": "66097" + }, + { + "bbox": [ + 36, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456667.mp4", + "variation_id": 0, + "video_id": "34732" + }, + { + "bbox": [ + 100, + 24, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/T2R4utmVagc", + "variation_id": 0, + "video_id": "67872" + }, + { + "bbox": [ + 66, + 10, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7441.mp4", + "variation_id": 0, + "video_id": "34742" + }, + { + "bbox": [ + 293, + 30, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=lyAWyqDxUqg", + "variation_id": 0, + "video_id": "34743" + }, + { + "bbox": [ + 336, + 32, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rTUmMfWQ2rw", + "variation_id": 0, + "video_id": "34744" + }, + { + "bbox": [ + 11, + 9, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/man.swf", + "variation_id": 0, + "video_id": "34745" + } + ] + }, + { + "gloss": "shirt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3497, + "frame_start": 3441, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51054" + }, + { + "bbox": [ + 328, + 24, + 921, + 720 + ], + "fps": 25, + "frame_end": 56, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=u7GIbrpxyFU", + "variation_id": 0, + "video_id": "68928" + }, + { + "bbox": [ + 189, + 14, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shirt.mp4", + "variation_id": 0, + "video_id": "51057" + }, + { + "bbox": [ + 19, + 3, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/shirt.swf", + "variation_id": 1, + "video_id": "51077" + }, + { + "bbox": [ + 178, + 51, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/shirt.mp4", + "variation_id": 0, + "video_id": "51081" + }, + { + "bbox": [ + 26, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50791.mp4", + "variation_id": 1, + "video_id": "51056" + }, + { + "bbox": [ + 209, + 17, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shirt-plaid.mp4", + "variation_id": 0, + "video_id": "51058" + }, + { + "bbox": [ + 231, + 13, + 575, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shirt-vneck.mp4", + "variation_id": 1, + "video_id": "51059" + }, + { + "bbox": [ + 737, + 78, + 1666, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shirt-Mi3CHINu71M.mp4", + "variation_id": 1, + "video_id": "51060" + }, + { + "bbox": [ + 53, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766065.7078.mp4", + "variation_id": 0, + "video_id": "51061" + }, + { + "bbox": [ + 70, + 17, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23615.mp4", + "variation_id": 0, + "video_id": "51063" + }, + { + "bbox": [ + 62, + 17, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23616.mp4", + "variation_id": 0, + "video_id": "51064" + }, + { + "bbox": [ + 74, + 14, + 445, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lSqfurbjfDc", + "variation_id": 0, + "video_id": "67188" + }, + { + "bbox": [ + 65, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23618.mp4", + "variation_id": 0, + "video_id": "51066" + }, + { + "bbox": [ + 65, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6249.mp4", + "variation_id": 0, + "video_id": "51067" + }, + { + "bbox": [ + 71, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7169.mp4", + "variation_id": 0, + "video_id": "51068" + }, + { + "bbox": [ + 332, + 45, + 929, + 714 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4ln_5SQd__w", + "variation_id": 0, + "video_id": "51069" + }, + { + "bbox": [ + 326, + 90, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=8dyicrBmgKE", + "variation_id": 1, + "video_id": "51070" + }, + { + "bbox": [ + 349, + 44, + 985, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=9Rcg3QJiClc", + "variation_id": 1, + "video_id": "51071" + }, + { + "bbox": [ + 311, + 37, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=i14EM0ZbtUY", + "variation_id": 0, + "video_id": "51072" + } + ] + }, + { + "gloss": "study", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9919, + "frame_start": 9873, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55356" + }, + { + "bbox": [ + 112, + 13, + 520, + 360 + ], + "fps": 25, + "frame_end": 84, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=edaot0Pm6NI", + "variation_id": 0, + "video_id": "68428" + }, + { + "bbox": [ + 111, + 0, + 1149, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=JSwDsjPxKk0", + "variation_id": 0, + "video_id": "68162" + }, + { + "bbox": [ + 219, + 29, + 999, + 720 + ], + "fps": 25, + "frame_end": 117, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=kePJ_Y5KPmM", + "variation_id": 0, + "video_id": "68624" + }, + { + "bbox": [ + 598, + 84, + 1393, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Study-Yk94i4N_5Ag.mp4", + "variation_id": 0, + "video_id": "55364" + }, + { + "bbox": [ + 126, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897455.7527.mp4", + "variation_id": 0, + "video_id": "55365" + }, + { + "bbox": [ + 147, + 24, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522766622.3153.mp4", + "variation_id": 0, + "video_id": "55366" + }, + { + "bbox": [ + 102, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/study.mp4", + "variation_id": 0, + "video_id": "55367" + }, + { + "bbox": [ + 68, + 24, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22165.mp4", + "variation_id": 0, + "video_id": "55368" + }, + { + "bbox": [ + 58, + 23, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23174.mp4", + "variation_id": 0, + "video_id": "55369" + }, + { + "bbox": [ + 215, + 28, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MI5yNdCJ7kg", + "variation_id": 0, + "video_id": "55370" + }, + { + "bbox": [ + 194, + 24, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STUDY-1139.mp4", + "variation_id": 0, + "video_id": "66575" + }, + { + "bbox": [ + 73, + 8, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/study.mov", + "variation_id": 0, + "video_id": "55361" + }, + { + "bbox": [ + 332, + 51, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ngmdzuRjqcA", + "variation_id": 0, + "video_id": "55371" + }, + { + "bbox": [ + 238, + 36, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tGm13N0s4wQ", + "variation_id": 0, + "video_id": "55372" + }, + { + "bbox": [ + 245, + 40, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ZRgbix3ihv0", + "variation_id": 0, + "video_id": "55373" + }, + { + "bbox": [ + 19, + 9, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/study.swf", + "variation_id": 0, + "video_id": "55374" + }, + { + "bbox": [ + 190, + 52, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/study.mp4", + "variation_id": 0, + "video_id": "55375" + }, + { + "bbox": [ + 52, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50835.mp4", + "variation_id": 0, + "video_id": "55362" + }, + { + "bbox": [ + 390, + 50, + 799, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/study.mp4", + "variation_id": 0, + "video_id": "55363" + } + ] + }, + { + "gloss": "tall", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 310, + "frame_start": 258, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56835" + }, + { + "bbox": [ + 0, + 0, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tall.swf", + "variation_id": 0, + "video_id": "56851" + }, + { + "bbox": [ + 205, + 53, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tall.mp4", + "variation_id": 1, + "video_id": "56852" + }, + { + "bbox": [ + 182, + 1, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tall.mp4", + "variation_id": 1, + "video_id": "56838" + }, + { + "bbox": [ + 620, + 70, + 1619, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Big%2C%20Giant%2C%20Tall%2C%20Adult%2C%20Grown-up-oXwKsrsVUE8.mp4", + "variation_id": 0, + "video_id": "56839" + }, + { + "bbox": [ + 409, + 38, + 1075, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Big%2C%20Giant%2C%20Tall--OCW9K2ZzVY.mp4", + "variation_id": 0, + "video_id": "56840" + }, + { + "bbox": [ + 451, + 55, + 1451, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tall-8d940gDDaKI.mp4", + "variation_id": 0, + "video_id": "56841" + }, + { + "bbox": [ + 683, + 64, + 1554, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tall-WKv937oqhW8.mp4", + "variation_id": 1, + "video_id": "56842" + }, + { + "bbox": [ + 73, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468943060.7425.mp4", + "variation_id": 0, + "video_id": "56843" + }, + { + "bbox": [ + 146, + 19, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546575217.9786.mp4", + "variation_id": 1, + "video_id": "56844" + }, + { + "bbox": [ + 112, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/tall.mp4", + "variation_id": 1, + "video_id": "56845" + }, + { + "bbox": [ + 163, + 10, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TA/TALL_1-1174.mp4", + "variation_id": 1, + "video_id": "66591" + }, + { + "bbox": [ + 35, + 0, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14373.mp4", + "variation_id": 0, + "video_id": "56846" + }, + { + "bbox": [ + 135, + 19, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TA/TALL_2-411.mp4", + "variation_id": 0, + "video_id": "66592" + }, + { + "bbox": [ + 64, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50853.mp4", + "variation_id": 1, + "video_id": "56837" + }, + { + "bbox": [ + 98, + 10, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/qk-or6jz0Hk", + "variation_id": 1, + "video_id": "67278" + }, + { + "bbox": [ + 86, + 14, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sT8fYiXBtZE", + "variation_id": 0, + "video_id": "67279" + }, + { + "bbox": [ + 65, + 10, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8777.mp4", + "variation_id": 1, + "video_id": "56848" + }, + { + "bbox": [ + 159, + 15, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3FdpwAJlbaU", + "variation_id": 0, + "video_id": "56849" + }, + { + "bbox": [ + 128, + 22, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=orl2KrOMEIQ", + "variation_id": 0, + "video_id": "56850" + } + ] + }, + { + "gloss": "white", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2158, + "frame_start": 2112, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63191" + }, + { + "bbox": [ + 366, + 40, + 875, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/white.mp4", + "variation_id": 0, + "video_id": "69533" + }, + { + "bbox": [ + 337, + 4, + 904, + 720 + ], + "fps": 25, + "frame_end": 44, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=kddq0oAgBS0", + "variation_id": 0, + "video_id": "68622" + }, + { + "bbox": [ + 214, + 0, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=TomJbyh-XVY", + "variation_id": 0, + "video_id": "68182" + }, + { + "bbox": [ + 160, + 43, + 395, + 360 + ], + "fps": 25, + "frame_end": 1384, + "frame_start": 1285, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70245" + }, + { + "bbox": [ + 745, + 44, + 1532, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20White-PWGruSSI30c.mp4", + "variation_id": 0, + "video_id": "63204" + }, + { + "bbox": [ + 109, + 5, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928266.3449.mp4", + "variation_id": 0, + "video_id": "63205" + }, + { + "bbox": [ + 112, + 0, + 497, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/white.mp4", + "variation_id": 0, + "video_id": "63206" + }, + { + "bbox": [ + 82, + 14, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7061.mp4", + "variation_id": 0, + "video_id": "63207" + }, + { + "bbox": [ + 73, + 13, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7064.mp4", + "variation_id": 0, + "video_id": "63208" + }, + { + "bbox": [ + 358, + 71, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=0FYsztUQnUM", + "variation_id": 0, + "video_id": "63209" + }, + { + "bbox": [ + 28, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50906.mp4", + "variation_id": 0, + "video_id": "63200" + }, + { + "bbox": [ + 322, + 11, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=O6-OsGXF0Uw", + "variation_id": 0, + "video_id": "63210" + }, + { + "bbox": [ + 331, + 35, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=uLjkLwFvFtw", + "variation_id": 0, + "video_id": "63211" + }, + { + "bbox": [ + 334, + 46, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=v8h6mw4zGys", + "variation_id": 0, + "video_id": "63212" + }, + { + "bbox": [ + 35, + 21, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/white.swf", + "variation_id": 0, + "video_id": "63213" + }, + { + "bbox": [ + 183, + 52, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/white.mp4", + "variation_id": 0, + "video_id": "63214" + }, + { + "bbox": [ + 237, + 13, + 537, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/white.mp4", + "variation_id": 0, + "video_id": "63201" + }, + { + "bbox": [ + 410, + 57, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/white-person.mp4", + "variation_id": 0, + "video_id": "63202" + }, + { + "bbox": [ + 640, + 39, + 1468, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20White-75OHf34DQXk.mp4", + "variation_id": 0, + "video_id": "63203" + } + ] + }, + { + "gloss": "wrong", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4232, + "frame_start": 4173, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "64082" + }, + { + "bbox": [ + 278, + 7, + 656, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=BNOGQec2v8M", + "variation_id": 0, + "video_id": "68189" + }, + { + "bbox": [ + 148, + 41, + 391, + 360 + ], + "fps": 25, + "frame_end": 4470, + "frame_start": 4359, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70296" + }, + { + "bbox": [ + 151, + 23, + 471, + 480 + ], + "fps": 25, + "frame_end": 1814, + "frame_start": 1683, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70132" + }, + { + "bbox": [ + 147, + 9, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468929417.3806.mp4", + "variation_id": 0, + "video_id": "64087" + }, + { + "bbox": [ + 133, + 24, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768333.3729.mp4", + "variation_id": 0, + "video_id": "64088" + }, + { + "bbox": [ + 56, + 2, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wrong.mp4", + "variation_id": 0, + "video_id": "64089" + }, + { + "bbox": [ + 81, + 16, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6969.mp4", + "variation_id": 0, + "video_id": "64090" + }, + { + "bbox": [ + 72, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9505.mp4", + "variation_id": 0, + "video_id": "64091" + }, + { + "bbox": [ + 349, + 41, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GLAPZdS-gpU", + "variation_id": 0, + "video_id": "64092" + }, + { + "bbox": [ + 378, + 42, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JI7l0z8hEKY", + "variation_id": 0, + "video_id": "64093" + }, + { + "bbox": [ + 52, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51102.mp4", + "variation_id": 0, + "video_id": "64084" + }, + { + "bbox": [ + 105, + 16, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Dl5AFJH040s", + "variation_id": 0, + "video_id": "67009" + }, + { + "bbox": [ + 118, + 13, + 361, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/hlVM_zS_dzw", + "variation_id": 0, + "video_id": "67010" + }, + { + "bbox": [ + 345, + 47, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UQakVMOT350", + "variation_id": 0, + "video_id": "64094" + }, + { + "bbox": [ + 330, + 43, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=xt3jJMKpCqY", + "variation_id": 0, + "video_id": "64095" + }, + { + "bbox": [ + 22, + 9, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wrong.swf", + "variation_id": 0, + "video_id": "64096" + }, + { + "bbox": [ + 207, + 53, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/wrong.mp4", + "variation_id": 0, + "video_id": "64097" + }, + { + "bbox": [ + 407, + 52, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wrong.mp4", + "variation_id": 0, + "video_id": "64085" + }, + { + "bbox": [ + 686, + 60, + 1432, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20I%20Was%20Wrong%2C%20I%20Was%20Mistaken-ija9q46y1EA.mp4", + "variation_id": 0, + "video_id": "64086" + } + ] + }, + { + "gloss": "accident", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 400, + "frame_start": 374, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00618" + }, + { + "bbox": [ + 180, + 45, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/accident.mp4", + "variation_id": 0, + "video_id": "00639" + }, + { + "bbox": [ + 42, + 6, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 29, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/72311.mp4", + "variation_id": 0, + "video_id": "00624" + }, + { + "bbox": [ + 675, + 50, + 1461, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Accident%2C%20Accidentally-0F9FseAyJb4.mp4", + "variation_id": 1, + "video_id": "00625" + }, + { + "bbox": [ + 485, + 85, + 1608, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Car%20Accident-lEGmzocv1g4.mp4", + "variation_id": 0, + "video_id": "00626" + }, + { + "bbox": [ + 662, + 54, + 1434, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Oops%2C%20Accident%202-QRE4kaRRdnQ.mp4", + "variation_id": 1, + "video_id": "00627" + }, + { + "bbox": [ + 677, + 98, + 1386, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Oops%2C%20Accident-CUc50MMnZ1g.mp4", + "variation_id": 1, + "video_id": "00628" + }, + { + "bbox": [ + 69, + 23, + 613, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466168079.5866.mp4", + "variation_id": 0, + "video_id": "00629" + }, + { + "bbox": [ + 100, + 16, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/accident.mp4", + "variation_id": 0, + "video_id": "00630" + }, + { + "bbox": [ + 40, + 15, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24332.mp4", + "variation_id": 0, + "video_id": "00631" + }, + { + "bbox": [ + 53, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5277.mp4", + "variation_id": 1, + "video_id": "00632" + }, + { + "bbox": [ + 622, + 126, + 1450, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACCIDENT-2047.mp4", + "variation_id": 0, + "video_id": "65009" + }, + { + "bbox": [ + 54, + 6, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118182.mp4", + "variation_id": 1, + "video_id": "00623" + }, + { + "bbox": [ + 87, + 5, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/l5KxrD1W7oQ", + "variation_id": 0, + "video_id": "67342" + }, + { + "bbox": [ + 81, + 16, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6969.mp4", + "variation_id": 1, + "video_id": "00633" + }, + { + "bbox": [ + 61, + 12, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7493.mp4", + "variation_id": 0, + "video_id": "00634" + }, + { + "bbox": [ + 256, + 44, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=SvF0j4h-3uE", + "variation_id": 0, + "video_id": "00635" + }, + { + "bbox": [ + 0, + 8, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/a/accident_1car.swf", + "variation_id": 0, + "video_id": "00636" + }, + { + "bbox": [ + 9, + 8, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/accident_3.swf", + "variation_id": 1, + "video_id": "00638" + } + ] + }, + { + "gloss": "apple", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3233, + "frame_start": 3181, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02997" + }, + { + "bbox": [ + 304, + 41, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/apple.mp4", + "variation_id": 0, + "video_id": "69213" + }, + { + "bbox": [ + 117, + 0, + 1158, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=BT3cFFLNzD8", + "variation_id": 0, + "video_id": "68003" + }, + { + "bbox": [ + 89, + 17, + 531, + 357 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=iVgjg202V6M", + "variation_id": 0, + "video_id": "68576" + }, + { + "bbox": [ + 64, + 25, + 273, + 240 + ], + "fps": 25, + "frame_end": 1790, + "frame_start": 1682, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70309" + }, + { + "bbox": [ + 87, + 0, + 459, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/apple.mp4", + "variation_id": 0, + "video_id": "03004" + }, + { + "bbox": [ + 64, + 15, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7981.mp4", + "variation_id": 0, + "video_id": "03005" + }, + { + "bbox": [ + 311, + 47, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4gTs30ozIrA", + "variation_id": 0, + "video_id": "03006" + }, + { + "bbox": [ + 7, + 7, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/apple.swf", + "variation_id": 0, + "video_id": "03007" + }, + { + "bbox": [ + 158, + 50, + 541, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/apple.mp4", + "variation_id": 0, + "video_id": "03008" + }, + { + "bbox": [ + 207, + 0, + 520, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APPLE-2072.mp4", + "variation_id": 0, + "video_id": "65085" + }, + { + "bbox": [ + 206, + 0, + 535, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APPLE-2073.mp4", + "variation_id": 0, + "video_id": "65086" + }, + { + "bbox": [ + 119, + 4, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APPLE-406.mp4", + "variation_id": 0, + "video_id": "65084" + }, + { + "bbox": [ + 44, + 0, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455436.mp4", + "variation_id": 0, + "video_id": "02999" + }, + { + "bbox": [ + 77, + 19, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jVqjCsYCoMM", + "variation_id": 0, + "video_id": "67367" + }, + { + "bbox": [ + 41, + 13, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/480702.mp4", + "variation_id": 0, + "video_id": "03000" + }, + { + "bbox": [ + 350, + 53, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/apple-2.mp4", + "variation_id": 0, + "video_id": "03001" + }, + { + "bbox": [ + 212, + 17, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/apple.mp4", + "variation_id": 0, + "video_id": "03002" + }, + { + "bbox": [ + 24, + 13, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466511662.3373.mp4", + "variation_id": 0, + "video_id": "03003" + } + ] + }, + { + "gloss": "bird", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2921, + "frame_start": 2852, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06326" + }, + { + "bbox": [ + 550, + 70, + 1377, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/bird.mp4", + "variation_id": 0, + "video_id": "69233" + }, + { + "bbox": [ + 134, + 23, + 498, + 480 + ], + "fps": 25, + "frame_end": 933, + "frame_start": 830, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70107" + }, + { + "bbox": [ + 726, + 78, + 1601, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bird-9B3c2F8jE7M.mp4", + "variation_id": 0, + "video_id": "06333" + }, + { + "bbox": [ + 656, + 92, + 1563, + 1064 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bird-FoeeEapec3M.mp4", + "variation_id": 0, + "video_id": "06334" + }, + { + "bbox": [ + 86, + 18, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466682238.9870.mp4", + "variation_id": 0, + "video_id": "06335" + }, + { + "bbox": [ + 91, + 14, + 505, + 476 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bird.mp4", + "variation_id": 0, + "video_id": "06336" + }, + { + "bbox": [ + 71, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23779.mp4", + "variation_id": 0, + "video_id": "06337" + }, + { + "bbox": [ + 332, + 38, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1ZEAGpAH284", + "variation_id": 0, + "video_id": "06338" + }, + { + "bbox": [ + 324, + 59, + 890, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=BC2ahgTLYbk", + "variation_id": 0, + "video_id": "06339" + }, + { + "bbox": [ + 157, + 17, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BIRD-361.mp4", + "variation_id": 0, + "video_id": "65187" + }, + { + "bbox": [ + 90, + 12, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/bird.mov", + "variation_id": 0, + "video_id": "06330" + }, + { + "bbox": [ + 114, + 15, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pq-48yqB8kM", + "variation_id": 0, + "video_id": "67411" + }, + { + "bbox": [ + 267, + 26, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Bibgy-yjgYE", + "variation_id": 0, + "video_id": "06340" + }, + { + "bbox": [ + 140, + 33, + 448, + 344 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=o9GSFqvikro", + "variation_id": 0, + "video_id": "06341" + }, + { + "bbox": [ + 18, + 14, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bird.swf", + "variation_id": 0, + "video_id": "06342" + }, + { + "bbox": [ + 175, + 52, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bird.mp4", + "variation_id": 0, + "video_id": "06343" + }, + { + "bbox": [ + 37, + 6, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124323.mp4", + "variation_id": 0, + "video_id": "06331" + }, + { + "bbox": [ + 219, + 16, + 530, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bird.mp4", + "variation_id": 0, + "video_id": "06332" + } + ] + }, + { + "gloss": "change", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2065, + "frame_start": 2026, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09945" + }, + { + "bbox": [ + 137, + 16, + 492, + 480 + ], + "fps": 25, + "frame_end": 5943, + "frame_start": 5827, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70379" + }, + { + "bbox": [ + 48, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5424.mp4", + "variation_id": 0, + "video_id": "09966" + }, + { + "bbox": [ + 65, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5425.mp4", + "variation_id": 0, + "video_id": "09967" + }, + { + "bbox": [ + 367, + 45, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lT0E7jGHIKY", + "variation_id": 0, + "video_id": "09968" + }, + { + "bbox": [ + 64, + 4, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/125921.mp4", + "variation_id": 0, + "video_id": "09950" + }, + { + "bbox": [ + 8, + 8, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/change.swf", + "variation_id": 0, + "video_id": "09969" + }, + { + "bbox": [ + 190, + 56, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/change.mp4", + "variation_id": 0, + "video_id": "09970" + }, + { + "bbox": [ + 423, + 55, + 817, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/change.mp4", + "variation_id": 0, + "video_id": "09953" + }, + { + "bbox": [ + 753, + 142, + 1517, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Change%202-Xhf4WPaB3tY.mp4", + "variation_id": 0, + "video_id": "09954" + }, + { + "bbox": [ + 192, + 14, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/CH/CHANGE-2371.mp4", + "variation_id": 0, + "video_id": "65332" + }, + { + "bbox": [ + 367, + 6, + 827, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Change%2C%20Mutation%2C%20Transformation-EW5b3lokmuw.mp4", + "variation_id": 0, + "video_id": "09955" + }, + { + "bbox": [ + 736, + 143, + 1527, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Change-f_fl73dep8U.mp4", + "variation_id": 0, + "video_id": "09956" + }, + { + "bbox": [ + 112, + 19, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466729718.948.mp4", + "variation_id": 0, + "video_id": "09957" + }, + { + "bbox": [ + 94, + 12, + 223, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 66, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/change.mov", + "variation_id": 0, + "video_id": "09949" + }, + { + "bbox": [ + 149, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760882.9730.mp4", + "variation_id": 0, + "video_id": "09960" + }, + { + "bbox": [ + 42, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/change2.mp4", + "variation_id": 0, + "video_id": "09961" + }, + { + "bbox": [ + 76, + 12, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/change.mp4", + "variation_id": 0, + "video_id": "09962" + }, + { + "bbox": [ + 80, + 14, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14623.mp4", + "variation_id": 0, + "video_id": "09963" + } + ] + }, + { + "gloss": "color", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4360, + "frame_start": 4298, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11752" + }, + { + "bbox": [ + 149, + 18, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/color.mp4", + "variation_id": 0, + "video_id": "69274" + }, + { + "bbox": [ + 349, + 14, + 928, + 720 + ], + "fps": 25, + "frame_end": 44, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=13NxXYPYpb0", + "variation_id": 0, + "video_id": "68202" + }, + { + "bbox": [ + 215, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=MslyAd8WAwU", + "variation_id": 0, + "video_id": "68027" + }, + { + "bbox": [ + 114, + 0, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/color.mp4", + "variation_id": 0, + "video_id": "11771" + }, + { + "bbox": [ + 54, + 9, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14075.mp4", + "variation_id": 0, + "video_id": "11772" + }, + { + "bbox": [ + 85, + 9, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5932.mp4", + "variation_id": 0, + "video_id": "11773" + }, + { + "bbox": [ + 144, + 35, + 393, + 345 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KaNDm5Xvkzs", + "variation_id": 0, + "video_id": "11774" + }, + { + "bbox": [ + 350, + 33, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KaNDm5Xvkzs", + "variation_id": 0, + "video_id": "11775" + }, + { + "bbox": [ + 387, + 37, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-kKuV4iM_NQ", + "variation_id": 0, + "video_id": "11776" + }, + { + "bbox": [ + 231, + 17, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/color.mp4", + "variation_id": 0, + "video_id": "11767" + }, + { + "bbox": [ + 101, + 19, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/7Do9s2qJpeA", + "variation_id": 0, + "video_id": "67514" + }, + { + "bbox": [ + 366, + 17, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=MIUuj3MCRs8", + "variation_id": 0, + "video_id": "11777" + }, + { + "bbox": [ + 372, + 41, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=R0MW-QKaqeQ", + "variation_id": 0, + "video_id": "11778" + }, + { + "bbox": [ + 30, + 21, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/color.swf", + "variation_id": 0, + "video_id": "11779" + }, + { + "bbox": [ + 188, + 53, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/color.mp4", + "variation_id": 0, + "video_id": "11780" + }, + { + "bbox": [ + 404, + 53, + 799, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/colors.mp4", + "variation_id": 0, + "video_id": "11768" + }, + { + "bbox": [ + 760, + 66, + 1612, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Color-fdBoYowmVQ8.mp4", + "variation_id": 0, + "video_id": "11769" + }, + { + "bbox": [ + 129, + 28, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466899941.6976.mp4", + "variation_id": 0, + "video_id": "11770" + } + ] + }, + { + "gloss": "corn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6190, + "frame_start": 6138, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13309" + }, + { + "bbox": [ + 317, + 29, + 861, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 119, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/corn.mp4", + "variation_id": 0, + "video_id": "69282" + }, + { + "bbox": [ + 157, + 54, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/corn.mp4", + "variation_id": 0, + "video_id": "13337" + }, + { + "bbox": [ + 61, + 15, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/69483.mp4", + "variation_id": 1, + "video_id": "13325" + }, + { + "bbox": [ + 333, + 33, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Corn%202-FKgZc_MRxV4.mp4", + "variation_id": 0, + "video_id": "13326" + }, + { + "bbox": [ + 382, + 27, + 1022, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Corn-o98GdAgQyjY.mp4", + "variation_id": 0, + "video_id": "13327" + }, + { + "bbox": [ + 677, + 75, + 1599, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Corn-QaahtFHvNxI.mp4", + "variation_id": 0, + "video_id": "13328" + }, + { + "bbox": [ + 87, + 24, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903438.4804.mp4", + "variation_id": 0, + "video_id": "13329" + }, + { + "bbox": [ + 3, + 6, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/corn2.mp4", + "variation_id": 1, + "video_id": "13330" + }, + { + "bbox": [ + 2, + 5, + 314, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/corn.mp4", + "variation_id": 1, + "video_id": "13331" + }, + { + "bbox": [ + 144, + 25, + 440, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CORN_1-2167.mp4", + "variation_id": 0, + "video_id": "65408" + }, + { + "bbox": [ + 92, + 11, + 506, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CORN_2-2464.mp4", + "variation_id": 1, + "video_id": "65409" + }, + { + "bbox": [ + 12, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/184770.mp4", + "variation_id": 0, + "video_id": "13323" + }, + { + "bbox": [ + 58, + 19, + 418, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0C7Gfubq690", + "variation_id": 1, + "video_id": "67531" + }, + { + "bbox": [ + 106, + 18, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/lPM0S5NBl_0", + "variation_id": 0, + "video_id": "67530" + }, + { + "bbox": [ + 68, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7286.mp4", + "variation_id": 0, + "video_id": "13333" + }, + { + "bbox": [ + 67, + 9, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8825.mp4", + "variation_id": 0, + "video_id": "13334" + }, + { + "bbox": [ + 0, + 17, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/corn_a.swf", + "variation_id": 0, + "video_id": "13335" + }, + { + "bbox": [ + 21, + 14, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/corn_b.swf", + "variation_id": 1, + "video_id": "13336" + } + ] + }, + { + "gloss": "cow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6803, + "frame_start": 6767, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13681" + }, + { + "bbox": [ + 219, + 15, + 1044, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/cow.mp4", + "variation_id": 0, + "video_id": "69283" + }, + { + "bbox": [ + 413, + 77, + 1655, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cow-6-hRTBII8CE.mp4", + "variation_id": 0, + "video_id": "13697" + }, + { + "bbox": [ + 477, + 60, + 1068, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Cow%202.mp4", + "variation_id": 1, + "video_id": "13698" + }, + { + "bbox": [ + 63, + 29, + 610, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466904642.2093.mp4", + "variation_id": 0, + "video_id": "13699" + }, + { + "bbox": [ + 51, + 10, + 606, + 475 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cow2.mp4", + "variation_id": 0, + "video_id": "13700" + }, + { + "bbox": [ + 122, + 4, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cow.mp4", + "variation_id": 1, + "video_id": "13701" + }, + { + "bbox": [ + 36, + 0, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14631.mp4", + "variation_id": 1, + "video_id": "13702" + }, + { + "bbox": [ + 34, + 0, + 257, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14633.mp4", + "variation_id": 0, + "video_id": "13703" + }, + { + "bbox": [ + 225, + 0, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HTCXKjM5h-4", + "variation_id": 1, + "video_id": "13704" + }, + { + "bbox": [ + 36, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357956.mp4", + "variation_id": 1, + "video_id": "13695" + }, + { + "bbox": [ + 78, + 18, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/VO9nCXjgMW4", + "variation_id": 1, + "video_id": "67536" + }, + { + "bbox": [ + 262, + 26, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=I2_nB2cXP58", + "variation_id": 1, + "video_id": "13705" + }, + { + "bbox": [ + 284, + 32, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=-IWU7gZ-gAQ", + "variation_id": 1, + "video_id": "13706" + }, + { + "bbox": [ + 139, + 33, + 467, + 345 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oId_a4wrcds", + "variation_id": 1, + "video_id": "13707" + }, + { + "bbox": [ + 229, + 95, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=sdr-c7NRai8", + "variation_id": 1, + "video_id": "13708" + }, + { + "bbox": [ + 17, + 9, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cow.swf", + "variation_id": 1, + "video_id": "13709" + }, + { + "bbox": [ + 193, + 43, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/cow.mp4", + "variation_id": 1, + "video_id": "13710" + }, + { + "bbox": [ + 152, + 16, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cow.mp4", + "variation_id": 1, + "video_id": "13696" + } + ] + }, + { + "gloss": "dance", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 126, + "frame_start": 67, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14621" + }, + { + "bbox": [ + 91, + 2, + 1186, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=G6pN8BFQYDI", + "variation_id": 0, + "video_id": "68032" + }, + { + "bbox": [ + 77, + 26, + 492, + 480 + ], + "fps": 25, + "frame_end": 7361, + "frame_start": 7250, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70152" + }, + { + "bbox": [ + 349, + 0, + 911, + 720 + ], + "fps": 25, + "frame_end": 56, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=w6ZfGv4ns64", + "variation_id": 0, + "video_id": "68988" + }, + { + "bbox": [ + 110, + 10, + 547, + 357 + ], + "fps": 25, + "frame_end": 123, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=y8Rm0Q7fDYk", + "variation_id": 0, + "video_id": "69048" + }, + { + "bbox": [ + 28, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/dance.mp4", + "variation_id": 0, + "video_id": "14626" + }, + { + "bbox": [ + 71, + 16, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6768.mp4", + "variation_id": 0, + "video_id": "14627" + }, + { + "bbox": [ + 275, + 30, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fbgiLOBY4P0", + "variation_id": 0, + "video_id": "14628" + }, + { + "bbox": [ + 300, + 69, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=g67ZXnEx9Z4", + "variation_id": 0, + "video_id": "14629" + }, + { + "bbox": [ + 216, + 22, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GfUdx7LmGhc", + "variation_id": 0, + "video_id": "14630" + }, + { + "bbox": [ + 137, + 14, + 498, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DANCE-1207.mp4", + "variation_id": 0, + "video_id": "65434" + }, + { + "bbox": [ + 79, + 9, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/vrAcHSfVt88", + "variation_id": 0, + "video_id": "67550" + }, + { + "bbox": [ + 293, + 55, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=p3UKhedGeTA", + "variation_id": 0, + "video_id": "14631" + }, + { + "bbox": [ + 0, + 1, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 54, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/dance.swf", + "variation_id": 0, + "video_id": "14632" + }, + { + "bbox": [ + 182, + 61, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dance.mp4", + "variation_id": 0, + "video_id": "14633" + }, + { + "bbox": [ + 54, + 19, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93915.mp4", + "variation_id": 0, + "video_id": "14622" + }, + { + "bbox": [ + 333, + 54, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dance.mp4", + "variation_id": 0, + "video_id": "14623" + }, + { + "bbox": [ + 608, + 74, + 1589, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dance-LOxTQ06JyCQ.mp4", + "variation_id": 0, + "video_id": "14624" + }, + { + "bbox": [ + 66, + 27, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906258.9856.mp4", + "variation_id": 0, + "video_id": "14625" + } + ] + }, + { + "gloss": "dark", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 286, + "frame_start": 240, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14669" + }, + { + "bbox": [ + 186, + 0, + 1101, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/dark.mp4", + "variation_id": 0, + "video_id": "69290" + }, + { + "bbox": [ + 520, + 34, + 1709, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dark%203-5soiYfTU5hI.mp4", + "variation_id": 1, + "video_id": "14673" + }, + { + "bbox": [ + 479, + 31, + 1735, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dark-AYvdy-XWNNg.mp4", + "variation_id": 0, + "video_id": "14674" + }, + { + "bbox": [ + 56, + 29, + 620, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906377.6228.mp4", + "variation_id": 0, + "video_id": "14675" + }, + { + "bbox": [ + 79, + 26, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906399.7678.mp4", + "variation_id": 1, + "video_id": "14676" + }, + { + "bbox": [ + 163, + 6, + 549, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dark-color2.mp4", + "variation_id": 1, + "video_id": "14677" + }, + { + "bbox": [ + 117, + 15, + 472, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dark-color.mp4", + "variation_id": 1, + "video_id": "14678" + }, + { + "bbox": [ + 0, + 3, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dark.mp4", + "variation_id": 0, + "video_id": "14679" + }, + { + "bbox": [ + 47, + 6, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14847.mp4", + "variation_id": 0, + "video_id": "14680" + }, + { + "bbox": [ + 159, + 1, + 521, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DARK-100.mp4", + "variation_id": 0, + "video_id": "65439" + }, + { + "bbox": [ + 156, + 10, + 531, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DARK-101.mp4", + "variation_id": 0, + "video_id": "65440" + }, + { + "bbox": [ + 39, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51156.mp4", + "variation_id": 0, + "video_id": "14671" + }, + { + "bbox": [ + 69, + 5, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14870.mp4", + "variation_id": 1, + "video_id": "14681" + }, + { + "bbox": [ + 172, + 7, + 1065, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=CGLQEeEzo1s", + "variation_id": 0, + "video_id": "14682" + }, + { + "bbox": [ + 385, + 56, + 903, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 68, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=eWiJm1rz0Fk", + "variation_id": 1, + "video_id": "14683" + }, + { + "bbox": [ + 0, + 13, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dark.swf", + "variation_id": 0, + "video_id": "14684" + }, + { + "bbox": [ + 169, + 52, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/dark.mp4", + "variation_id": 0, + "video_id": "14685" + }, + { + "bbox": [ + 451, + 37, + 1746, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dark%202-DEioenO9U9g.mp4", + "variation_id": 0, + "video_id": "14672" + } + ] + }, + { + "gloss": "doctor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3869, + "frame_start": 3820, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17007" + }, + { + "bbox": [ + 241, + 30, + 1066, + 720 + ], + "fps": 25, + "frame_end": 102, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=QPiZO8Aswgo", + "variation_id": 1, + "video_id": "68842" + }, + { + "bbox": [ + 135, + 24, + 481, + 480 + ], + "fps": 25, + "frame_end": 7475, + "frame_start": 7390, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 1, + "video_id": "70049" + }, + { + "bbox": [ + 229, + 14, + 528, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/doctor.mp4", + "variation_id": 1, + "video_id": "17015" + }, + { + "bbox": [ + 351, + 18, + 756, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Doctor-zl9aTqYRVXQ.mp4", + "variation_id": 1, + "video_id": "17016" + }, + { + "bbox": [ + 93, + 12, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467772429.4932.mp4", + "variation_id": 1, + "video_id": "17017" + }, + { + "bbox": [ + 54, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/doctor.mp4", + "variation_id": 1, + "video_id": "17018" + }, + { + "bbox": [ + 93, + 20, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22643.mp4", + "variation_id": 1, + "video_id": "17019" + }, + { + "bbox": [ + 91, + 21, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22644.mp4", + "variation_id": 0, + "video_id": "17020" + }, + { + "bbox": [ + 344, + 30, + 990, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=1t6GrmgKN5U", + "variation_id": 0, + "video_id": "17022" + }, + { + "bbox": [ + 158, + 18, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOCTOR-344.mp4", + "variation_id": 1, + "video_id": "65503" + }, + { + "bbox": [ + 146, + 16, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOCTOR-573.mp4", + "variation_id": 0, + "video_id": "65504" + }, + { + "bbox": [ + 57, + 0, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456750.mp4", + "variation_id": 1, + "video_id": "17013" + }, + { + "bbox": [ + 110, + 20, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/sSpld6bXlM0", + "variation_id": 1, + "video_id": "67579" + }, + { + "bbox": [ + 333, + 28, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=IEVgcJA3JWk", + "variation_id": 1, + "video_id": "17023" + }, + { + "bbox": [ + 18, + 7, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/doctor_1.swf", + "variation_id": 1, + "video_id": "17024" + }, + { + "bbox": [ + 21, + 7, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/doctor_2.swf", + "variation_id": 0, + "video_id": "17025" + }, + { + "bbox": [ + 189, + 63, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/doctor.mp4", + "variation_id": 1, + "video_id": "17026" + }, + { + "bbox": [ + 233, + 13, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/doctor2.mp4", + "variation_id": 1, + "video_id": "17014" + } + ] + }, + { + "gloss": "eat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 728, + "frame_start": 672, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18316" + }, + { + "bbox": [ + 389, + 39, + 872, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/eat.mp4", + "variation_id": 0, + "video_id": "69307" + }, + { + "bbox": [ + 104, + 18, + 543, + 358 + ], + "fps": 25, + "frame_end": 65, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=HAqSIA2GG3g", + "variation_id": 0, + "video_id": "68520" + }, + { + "bbox": [ + 124, + 0, + 1147, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=lsjFBdE3X7M", + "variation_id": 0, + "video_id": "68044" + }, + { + "bbox": [ + 316, + 24, + 921, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=zOzgRJ3bAdI", + "variation_id": 0, + "video_id": "69086" + }, + { + "bbox": [ + 113, + 0, + 474, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/eat-iclpop.mp4", + "variation_id": 0, + "video_id": "18326" + }, + { + "bbox": [ + 82, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/eat.mp4", + "variation_id": 0, + "video_id": "18328" + }, + { + "bbox": [ + 82, + 4, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14883.mp4", + "variation_id": 0, + "video_id": "18329" + }, + { + "bbox": [ + 149, + 41, + 406, + 341 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9AYysHe14jg", + "variation_id": 0, + "video_id": "18331" + }, + { + "bbox": [ + 307, + 31, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OmylSinUxns", + "variation_id": 0, + "video_id": "18332" + }, + { + "bbox": [ + 200, + 10, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EAT-399.mp4", + "variation_id": 0, + "video_id": "65601" + }, + { + "bbox": [ + 78, + 14, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/74980.mp4", + "variation_id": 0, + "video_id": "18323" + }, + { + "bbox": [ + 102, + 12, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FSxHpeiCuBc", + "variation_id": 0, + "video_id": "67610" + }, + { + "bbox": [ + 103, + 14, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/QkTP_AyKk_k", + "variation_id": 0, + "video_id": "67611" + }, + { + "bbox": [ + 317, + 119, + 844, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=rbnYbQyFvK4", + "variation_id": 0, + "video_id": "18333" + }, + { + "bbox": [ + 25, + 9, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/eat.swf", + "variation_id": 0, + "video_id": "18334" + }, + { + "bbox": [ + 193, + 55, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eat.mp4", + "variation_id": 0, + "video_id": "18335" + }, + { + "bbox": [ + 239, + 16, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/eat.mp4", + "variation_id": 0, + "video_id": "18324" + }, + { + "bbox": [ + 106, + 13, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468347821.5825.mp4", + "variation_id": 0, + "video_id": "18325" + } + ] + }, + { + "gloss": "enjoy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1898, + "frame_start": 1822, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19255" + }, + { + "bbox": [ + 88, + 1, + 564, + 360 + ], + "fps": 25, + "frame_end": 128, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=aYMV4_YuPi8", + "variation_id": 0, + "video_id": "68344" + }, + { + "bbox": [ + 319, + 0, + 1177, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=rNb-ogcyRAE", + "variation_id": 0, + "video_id": "68046" + }, + { + "bbox": [ + 100, + 22, + 542, + 480 + ], + "fps": 25, + "frame_end": 8018, + "frame_start": 7902, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70051" + }, + { + "bbox": [ + 37, + 6, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376460.8089.mp4", + "variation_id": 0, + "video_id": "19261" + }, + { + "bbox": [ + 62, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/enjoy2.mp4", + "variation_id": 0, + "video_id": "19262" + }, + { + "bbox": [ + 45, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/enjoy.mp4", + "variation_id": 0, + "video_id": "19263" + }, + { + "bbox": [ + 73, + 10, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6907.mp4", + "variation_id": 0, + "video_id": "19264" + }, + { + "bbox": [ + 338, + 51, + 880, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=DAotz9r5g_o", + "variation_id": 0, + "video_id": "19265" + }, + { + "bbox": [ + 156, + 0, + 1057, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G7MMoJZRltk", + "variation_id": 0, + "video_id": "19266" + }, + { + "bbox": [ + 170, + 10, + 502, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENJOY-574.mp4", + "variation_id": 0, + "video_id": "65635" + }, + { + "bbox": [ + 36, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456900.mp4", + "variation_id": 0, + "video_id": "19257" + }, + { + "bbox": [ + 58, + 15, + 439, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/OL02Odh2dRg", + "variation_id": 0, + "video_id": "67624" + }, + { + "bbox": [ + 177, + 42, + 1051, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Uo_AUbP0O9g", + "variation_id": 0, + "video_id": "19267" + }, + { + "bbox": [ + 0, + 10, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/enjoy.swf", + "variation_id": 0, + "video_id": "19268" + }, + { + "bbox": [ + 172, + 53, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/enjoy.mp4", + "variation_id": 0, + "video_id": "19269" + }, + { + "bbox": [ + 374, + 54, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/enjoy.mp4", + "variation_id": 0, + "video_id": "19258" + }, + { + "bbox": [ + 523, + 70, + 1792, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Enjoy-J1S7e-UwSMY.mp4", + "variation_id": 0, + "video_id": "19259" + }, + { + "bbox": [ + 826, + 116, + 1733, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Enjoy-OqNA--JdTmA.mp4", + "variation_id": 0, + "video_id": "19260" + } + ] + }, + { + "gloss": "forget", + "instances": [ + { + "bbox": [ + 143, + 12, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FORGET-565.mp4", + "variation_id": 0, + "video_id": "65761" + }, + { + "bbox": [ + 53, + 0, + 1083, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=l_aBsu7kVqI", + "variation_id": 0, + "video_id": "68053" + }, + { + "bbox": [ + 115, + 8, + 525, + 358 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=mK0OtDTC5To", + "variation_id": 0, + "video_id": "68692" + }, + { + "bbox": [ + 237, + 0, + 650, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=TxfYzcnSl-o", + "variation_id": 0, + "video_id": "68054" + }, + { + "bbox": [ + 104, + 17, + 476, + 480 + ], + "fps": 25, + "frame_end": 4351, + "frame_start": 4255, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70376" + }, + { + "bbox": [ + 571, + 73, + 1567, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Forget-5pgZiT-vz60.mp4", + "variation_id": 0, + "video_id": "22954" + }, + { + "bbox": [ + 53, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513470.6049.mp4", + "variation_id": 0, + "video_id": "22955" + }, + { + "bbox": [ + 59, + 20, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/forget-blank.mp4", + "variation_id": 0, + "video_id": "22956" + }, + { + "bbox": [ + 34, + 28, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/forget.mp4", + "variation_id": 0, + "video_id": "22959" + }, + { + "bbox": [ + 49, + 0, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8938.mp4", + "variation_id": 0, + "video_id": "22960" + }, + { + "bbox": [ + 298, + 23, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1vXrp5awuHc", + "variation_id": 0, + "video_id": "22961" + }, + { + "bbox": [ + 216, + 8, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=fCzxDWv0jbo", + "variation_id": 0, + "video_id": "22962" + }, + { + "bbox": [ + 285, + 46, + 894, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=N18WPFcphhs", + "variation_id": 0, + "video_id": "22963" + }, + { + "bbox": [ + 264, + 37, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=qSzyQByTFps", + "variation_id": 0, + "video_id": "22964" + }, + { + "bbox": [ + 292, + 14, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TVFEnWVgoII", + "variation_id": 0, + "video_id": "22965" + }, + { + "bbox": [ + 17, + 8, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/forget.swf", + "variation_id": 0, + "video_id": "22966" + }, + { + "bbox": [ + 166, + 50, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alzheimer.mp4", + "variation_id": 0, + "video_id": "22967" + }, + { + "bbox": [ + 415, + 51, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/forgot2.mp4", + "variation_id": 0, + "video_id": "22952" + }, + { + "bbox": [ + 495, + 68, + 1600, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Forget%202-cIPsq4HrhFc.mp4", + "variation_id": 0, + "video_id": "22953" + } + ] + }, + { + "gloss": "give", + "instances": [ + { + "bbox": [ + 132, + 45, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/give.mp4", + "variation_id": 0, + "video_id": "69343" + }, + { + "bbox": [ + 383, + 55, + 971, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PkJpgPxNhwE", + "variation_id": 1, + "video_id": "24655" + }, + { + "bbox": [ + 290, + 75, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 81, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=qMgcmGOiNmw", + "variation_id": 0, + "video_id": "24656" + }, + { + "bbox": [ + 263, + 31, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=U5p42-d-buw", + "variation_id": 0, + "video_id": "24657" + }, + { + "bbox": [ + 404, + 54, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=wEKZPaO7XTQ", + "variation_id": 0, + "video_id": "24658" + }, + { + "bbox": [ + 20, + 3, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/give.swf", + "variation_id": 1, + "video_id": "24659" + }, + { + "bbox": [ + 181, + 63, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/give.mp4", + "variation_id": 1, + "video_id": "24660" + }, + { + "bbox": [ + 677, + 133, + 1465, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Give%20You%20Something%202-ysfVqxTJKcg.mp4", + "variation_id": 0, + "video_id": "24638" + }, + { + "bbox": [ + 612, + 134, + 1464, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Give%20You%20Something--Ma0iHFZKv8.mp4", + "variation_id": 0, + "video_id": "24639" + }, + { + "bbox": [ + 627, + 96, + 1364, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Give-5M1xfBmmXpg.mp4", + "variation_id": 1, + "video_id": "24640" + }, + { + "bbox": [ + 79, + 8, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468549017.6848.mp4", + "variation_id": 1, + "video_id": "24641" + }, + { + "bbox": [ + 61, + 18, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/give2.mp4", + "variation_id": 1, + "video_id": "24642" + }, + { + "bbox": [ + 15, + 27, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/give-hir-from-me.mp4", + "variation_id": 0, + "video_id": "24643" + }, + { + "bbox": [ + 58, + 17, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/give-you.mp4", + "variation_id": 0, + "video_id": "24645" + }, + { + "bbox": [ + 31, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51920.mp4", + "variation_id": 0, + "video_id": "24636" + }, + { + "bbox": [ + 49, + 8, + 245, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14622.mp4", + "variation_id": 1, + "video_id": "24648" + }, + { + "bbox": [ + 89, + 19, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23273.mp4", + "variation_id": 1, + "video_id": "24649" + }, + { + "bbox": [ + 74, + 16, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7424.mp4", + "variation_id": 1, + "video_id": "24651" + }, + { + "bbox": [ + 110, + 38, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bjXPOO_DUMw", + "variation_id": 0, + "video_id": "24652" + } + ] + }, + { + "gloss": "last", + "instances": [ + { + "bbox": [ + 194, + 13, + 502, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LAST-168.mp4", + "variation_id": 0, + "video_id": "66010" + }, + { + "bbox": [ + 228, + 4, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=BsaWM5I_G1o", + "variation_id": 0, + "video_id": "68086" + }, + { + "bbox": [ + 365, + 17, + 922, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yp5z7Px_aV8", + "variation_id": 0, + "video_id": "69068" + }, + { + "bbox": [ + 168, + 56, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/last.mp4", + "variation_id": 0, + "video_id": "32263" + }, + { + "bbox": [ + 553, + 64, + 1679, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Last%2C%20Final-ZrL9QA06fZs.mp4", + "variation_id": 0, + "video_id": "32248" + }, + { + "bbox": [ + 146, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671376.351.mp4", + "variation_id": 0, + "video_id": "32249" + }, + { + "bbox": [ + 139, + 31, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522766909.4561.mp4", + "variation_id": 0, + "video_id": "32250" + }, + { + "bbox": [ + 104, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/last-final.mp4", + "variation_id": 0, + "video_id": "32251" + }, + { + "bbox": [ + 66, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/last-past.mp4", + "variation_id": 1, + "video_id": "32252" + }, + { + "bbox": [ + 65, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5971.mp4", + "variation_id": 1, + "video_id": "32253" + }, + { + "bbox": [ + 74, + 7, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6063.mp4", + "variation_id": 0, + "video_id": "32254" + }, + { + "bbox": [ + 67, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6164.mp4", + "variation_id": 1, + "video_id": "32255" + }, + { + "bbox": [ + 36, + 33, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91452.mp4", + "variation_id": 0, + "video_id": "32246" + }, + { + "bbox": [ + 104, + 11, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/HV_8ELVFXzU", + "variation_id": 0, + "video_id": "67826" + }, + { + "bbox": [ + 43, + 3, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9194.mp4", + "variation_id": 1, + "video_id": "32257" + }, + { + "bbox": [ + 298, + 23, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=f8MfjdWKh24", + "variation_id": 0, + "video_id": "32258" + }, + { + "bbox": [ + 23, + 9, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/last.swf", + "variation_id": 0, + "video_id": "32259" + }, + { + "bbox": [ + 174, + 51, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/last2.mp4", + "variation_id": 0, + "video_id": "32260" + }, + { + "bbox": [ + 155, + 61, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/last3.mp4", + "variation_id": 1, + "video_id": "32261" + } + ] + }, + { + "gloss": "meet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 894, + "frame_start": 865, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35506" + }, + { + "bbox": [ + 183, + 13, + 622, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=pWFDhzkId9o", + "variation_id": 0, + "video_id": "68099" + }, + { + "bbox": [ + 337, + 10, + 917, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=VSBIqNFEQxI", + "variation_id": 0, + "video_id": "68974" + }, + { + "bbox": [ + 589, + 67, + 1810, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Meet-SHPBneo_ofY.mp4", + "variation_id": 0, + "video_id": "35511" + }, + { + "bbox": [ + 744, + 20, + 1666, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Meet-UvaayIDXkuw.mp4", + "variation_id": 0, + "video_id": "35512" + }, + { + "bbox": [ + 150, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468714718.3075.mp4", + "variation_id": 0, + "video_id": "35513" + }, + { + "bbox": [ + 73, + 11, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/meet-me.mp4", + "variation_id": 0, + "video_id": "35514" + }, + { + "bbox": [ + 63, + 9, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/meet.mp4", + "variation_id": 0, + "video_id": "35515" + }, + { + "bbox": [ + 55, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/517.mp4", + "variation_id": 0, + "video_id": "35516" + }, + { + "bbox": [ + 82, + 7, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5837.mp4", + "variation_id": 0, + "video_id": "35517" + }, + { + "bbox": [ + 52, + 12, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9003.mp4", + "variation_id": 0, + "video_id": "35518" + }, + { + "bbox": [ + 170, + 28, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MEET-1620.mp4", + "variation_id": 0, + "video_id": "66112" + }, + { + "bbox": [ + 48, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50874.mp4", + "variation_id": 0, + "video_id": "35509" + }, + { + "bbox": [ + 87, + 18, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/W4FXyEWBu4I", + "variation_id": 0, + "video_id": "67886" + }, + { + "bbox": [ + 319, + 21, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=AsdBSknwrjg", + "variation_id": 0, + "video_id": "35519" + }, + { + "bbox": [ + 171, + 7, + 495, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eP816GBFVeg", + "variation_id": 0, + "video_id": "35520" + }, + { + "bbox": [ + 345, + 28, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FC1R9kyegJY", + "variation_id": 0, + "video_id": "35521" + }, + { + "bbox": [ + 0, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/meet.swf", + "variation_id": 0, + "video_id": "35522" + }, + { + "bbox": [ + 184, + 54, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/meet.mp4", + "variation_id": 0, + "video_id": "35523" + } + ] + }, + { + "gloss": "pink", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2590, + "frame_start": 2521, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42827" + }, + { + "bbox": [ + 380, + 42, + 867, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/pink.mp4", + "variation_id": 1, + "video_id": "69430" + }, + { + "bbox": [ + 255, + 0, + 648, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=2igUp9Fvq-E", + "variation_id": 0, + "video_id": "68132" + }, + { + "bbox": [ + 336, + 11, + 898, + 720 + ], + "fps": 25, + "frame_end": 61, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=cx14s_gt60I", + "variation_id": 0, + "video_id": "68398" + }, + { + "bbox": [ + 175, + 43, + 393, + 360 + ], + "fps": 25, + "frame_end": 1537, + "frame_start": 1429, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 1, + "video_id": "70246" + }, + { + "bbox": [ + 412, + 44, + 1087, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Pink%20var.mp4", + "variation_id": 0, + "video_id": "42831" + }, + { + "bbox": [ + 508, + 43, + 1090, + 715 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Pink.mp4", + "variation_id": 1, + "video_id": "42832" + }, + { + "bbox": [ + 159, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468726359.6744.mp4", + "variation_id": 1, + "video_id": "42833" + }, + { + "bbox": [ + 122, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pink.mp4", + "variation_id": 0, + "video_id": "42835" + }, + { + "bbox": [ + 89, + 21, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22812.mp4", + "variation_id": 1, + "video_id": "42836" + }, + { + "bbox": [ + 355, + 39, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aNilWTBIl0g", + "variation_id": 1, + "video_id": "42838" + }, + { + "bbox": [ + 211, + 6, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PI/PINK-903.mp4", + "variation_id": 1, + "video_id": "66296" + }, + { + "bbox": [ + 61, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49192.mp4", + "variation_id": 1, + "video_id": "42829" + }, + { + "bbox": [ + 119, + 16, + 358, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9bkVAOz1ips", + "variation_id": 1, + "video_id": "67990" + }, + { + "bbox": [ + 342, + 17, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 47, + "source": "scott", + "split": "test", + "url": "https://www.youtube.com/watch?v=S8k8gjRdYXw", + "variation_id": 1, + "video_id": "42840" + }, + { + "bbox": [ + 380, + 71, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 68, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=TLsGey9Cd7A", + "variation_id": 1, + "video_id": "42841" + }, + { + "bbox": [ + 31, + 8, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 54, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/pink.swf", + "variation_id": 1, + "video_id": "42842" + }, + { + "bbox": [ + 241, + 36, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pink.mp4", + "variation_id": 1, + "video_id": "42843" + }, + { + "bbox": [ + 477, + 66, + 851, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pink.mp4", + "variation_id": 1, + "video_id": "42830" + } + ] + }, + { + "gloss": "pizza", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2723, + "frame_start": 2674, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42953" + }, + { + "bbox": [ + 339, + 35, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/pizza.mp4", + "variation_id": 1, + "video_id": "69431" + }, + { + "bbox": [ + 321, + 28, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XIZ2DrdEU3k", + "variation_id": 2, + "video_id": "42974" + }, + { + "bbox": [ + 7, + 10, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/pizza.swf", + "variation_id": 0, + "video_id": "42976" + }, + { + "bbox": [ + 226, + 34, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/pizza.mp4", + "variation_id": 1, + "video_id": "42977" + }, + { + "bbox": [ + 413, + 55, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pizza-2.mp4", + "variation_id": 0, + "video_id": "42958" + }, + { + "bbox": [ + 351, + 59, + 819, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pizza.mp4", + "variation_id": 1, + "video_id": "42959" + }, + { + "bbox": [ + 799, + 68, + 1614, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pizza%202-Gm8PTVKHF1s.mp4", + "variation_id": 2, + "video_id": "42960" + }, + { + "bbox": [ + 576, + 79, + 1648, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pizza-mJVC9oI13Lo.mp4", + "variation_id": 1, + "video_id": "42961" + }, + { + "bbox": [ + 210, + 7, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PI/PIZZA-904.mp4", + "variation_id": 0, + "video_id": "66297" + }, + { + "bbox": [ + 113, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468726411.9058.mp4", + "variation_id": 2, + "video_id": "42962" + }, + { + "bbox": [ + 68, + 18, + 513, + 473 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pizza-eat.mp4", + "variation_id": 1, + "video_id": "42963" + }, + { + "bbox": [ + 82, + 0, + 487, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pizza-fs.mp4", + "variation_id": 2, + "video_id": "42964" + }, + { + "bbox": [ + 46, + 0, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457790.mp4", + "variation_id": 0, + "video_id": "42956" + }, + { + "bbox": [ + 63, + 8, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14610.mp4", + "variation_id": 0, + "video_id": "42966" + }, + { + "bbox": [ + 70, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6671.mp4", + "variation_id": 0, + "video_id": "42967" + }, + { + "bbox": [ + 54, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6673.mp4", + "variation_id": 1, + "video_id": "42969" + }, + { + "bbox": [ + 299, + 28, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JZeO2EXjxOE", + "variation_id": 1, + "video_id": "42971" + }, + { + "bbox": [ + 331, + 39, + 940, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nrXA-R3VgJ8", + "variation_id": 2, + "video_id": "42972" + } + ] + }, + { + "gloss": "play", + "instances": [ + { + "bbox": [ + 295, + 40, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/play.mp4", + "variation_id": 0, + "video_id": "69433" + }, + { + "bbox": [ + 49, + 12, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116328.mp4", + "variation_id": 0, + "video_id": "43166" + }, + { + "bbox": [ + 103, + 9, + 584, + 360 + ], + "fps": 25, + "frame_end": 88, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=75FwzqQqyM0", + "variation_id": 0, + "video_id": "68288" + }, + { + "bbox": [ + 87, + 0, + 1202, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=M80w0mda7zM", + "variation_id": 0, + "video_id": "68133" + }, + { + "bbox": [ + 175, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468726646.6390.mp4", + "variation_id": 0, + "video_id": "43170" + }, + { + "bbox": [ + 147, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468726677.3753.mp4", + "variation_id": 0, + "video_id": "43171" + }, + { + "bbox": [ + 60, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/play.mp4", + "variation_id": 0, + "video_id": "43172" + }, + { + "bbox": [ + 74, + 7, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14657.mp4", + "variation_id": 0, + "video_id": "43173" + }, + { + "bbox": [ + 64, + 11, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6372.mp4", + "variation_id": 0, + "video_id": "43174" + }, + { + "bbox": [ + 201, + 23, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ODByBNyosxc", + "variation_id": 0, + "video_id": "43175" + }, + { + "bbox": [ + 101, + 26, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/vz9KBYTBL4o", + "variation_id": 0, + "video_id": "67081" + }, + { + "bbox": [ + 265, + 124, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 80, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=Ui8rn2gM1ZE", + "variation_id": 0, + "video_id": "43176" + }, + { + "bbox": [ + 0, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/play_fun.swf", + "variation_id": 0, + "video_id": "43177" + }, + { + "bbox": [ + 9, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/play_theater.swf", + "variation_id": 0, + "video_id": "43178" + }, + { + "bbox": [ + 190, + 47, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/act.mp4", + "variation_id": 0, + "video_id": "43179" + }, + { + "bbox": [ + 182, + 37, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/play.mp4", + "variation_id": 0, + "video_id": "43180" + }, + { + "bbox": [ + 222, + 17, + 521, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/play.mp4", + "variation_id": 0, + "video_id": "43167" + }, + { + "bbox": [ + 489, + 129, + 1615, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Play%2C%20Algeria-31fxkHUhB_k.mp4", + "variation_id": 0, + "video_id": "43168" + }, + { + "bbox": [ + 240, + 10, + 626, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Play-TvZ8pfNOX2U.mp4", + "variation_id": 0, + "video_id": "43169" + } + ] + }, + { + "gloss": "school", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 953, + "frame_start": 901, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49577" + }, + { + "bbox": [ + 378, + 37, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/school.mp4", + "variation_id": 0, + "video_id": "69455" + }, + { + "bbox": [ + 312, + 2, + 897, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=2EAilZspev4", + "variation_id": 0, + "video_id": "68218" + }, + { + "bbox": [ + 109, + 11, + 541, + 360 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=g-w38Q0QrWE", + "variation_id": 0, + "video_id": "68510" + }, + { + "bbox": [ + 102, + 24, + 276, + 240 + ], + "fps": 25, + "frame_end": 1179, + "frame_start": 1068, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70207" + }, + { + "bbox": [ + 265, + 0, + 1052, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=ig7SKr3tvWc", + "variation_id": 0, + "video_id": "68145" + }, + { + "bbox": [ + 126, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/school.mp4", + "variation_id": 0, + "video_id": "49601" + }, + { + "bbox": [ + 77, + 12, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6564.mp4", + "variation_id": 0, + "video_id": "49602" + }, + { + "bbox": [ + 316, + 38, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vuE3RN10AGA", + "variation_id": 0, + "video_id": "49603" + }, + { + "bbox": [ + 25, + 6, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/school.swf", + "variation_id": 0, + "video_id": "49604" + }, + { + "bbox": [ + 52, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50778.mp4", + "variation_id": 0, + "video_id": "49595" + }, + { + "bbox": [ + 101, + 13, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/A_rNr7i1uAs", + "variation_id": 0, + "video_id": "67170" + }, + { + "bbox": [ + 3, + 6, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/school_walking_to.swf", + "variation_id": 0, + "video_id": "49605" + }, + { + "bbox": [ + 232, + 33, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/school.mp4", + "variation_id": 0, + "video_id": "49606" + }, + { + "bbox": [ + 216, + 17, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/school.mp4", + "variation_id": 0, + "video_id": "49596" + }, + { + "bbox": [ + 663, + 66, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Academic%2C%20School-ZsoedvSYMpA.mp4", + "variation_id": 0, + "video_id": "49597" + }, + { + "bbox": [ + 221, + 9, + 785, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20School.mp4", + "variation_id": 0, + "video_id": "49598" + }, + { + "bbox": [ + 114, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763371.5844.mp4", + "variation_id": 0, + "video_id": "49599" + }, + { + "bbox": [ + 125, + 30, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768179.9250.mp4", + "variation_id": 0, + "video_id": "49600" + } + ] + }, + { + "gloss": "secretary", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1677, + "frame_start": 1618, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50036" + }, + { + "bbox": [ + 25, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 50, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51753.mp4", + "variation_id": 0, + "video_id": "50037" + }, + { + "bbox": [ + 218, + 15, + 549, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/secretary.mp4", + "variation_id": 0, + "video_id": "50038" + }, + { + "bbox": [ + 549, + 81, + 1415, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Secetary%202-GLOdTEXLaEQ.mp4", + "variation_id": 0, + "video_id": "50039" + }, + { + "bbox": [ + 609, + 66, + 1407, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Secetary-crVLvTbmEGo.mp4", + "variation_id": 0, + "video_id": "50040" + }, + { + "bbox": [ + 103, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468764756.5155.mp4", + "variation_id": 1, + "video_id": "50041" + }, + { + "bbox": [ + 97, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/secretary2.mp4", + "variation_id": 0, + "video_id": "50042" + }, + { + "bbox": [ + 116, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/secretary.mp4", + "variation_id": 0, + "video_id": "50043" + }, + { + "bbox": [ + 74, + 14, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6921.mp4", + "variation_id": 0, + "video_id": "50044" + }, + { + "bbox": [ + 58, + 16, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8440.mp4", + "variation_id": 1, + "video_id": "50045" + }, + { + "bbox": [ + 141, + 32, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SECRETARY-1010.mp4", + "variation_id": 0, + "video_id": "66441" + }, + { + "bbox": [ + 98, + 14, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/rhpYRl3kHQU", + "variation_id": 0, + "video_id": "67177" + }, + { + "bbox": [ + 49, + 7, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8857.mp4", + "variation_id": 0, + "video_id": "50046" + }, + { + "bbox": [ + 358, + 27, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7FvR0sUKA84", + "variation_id": 1, + "video_id": "50047" + }, + { + "bbox": [ + 337, + 24, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ASCPx0sjuwM", + "variation_id": 1, + "video_id": "50048" + }, + { + "bbox": [ + 356, + 20, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=D1Zl-7gp0Zs", + "variation_id": 1, + "video_id": "50049" + }, + { + "bbox": [ + 355, + 23, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=U3lM2jSLNno", + "variation_id": 0, + "video_id": "50050" + }, + { + "bbox": [ + 24, + 7, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/secretary.swf", + "variation_id": 1, + "video_id": "50051" + }, + { + "bbox": [ + 194, + 49, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/secretary.mp4", + "variation_id": 0, + "video_id": "50052" + } + ] + }, + { + "gloss": "short", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3580, + "frame_start": 3538, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51206" + }, + { + "bbox": [ + 198, + 51, + 421, + 360 + ], + "fps": 25, + "frame_end": 6697, + "frame_start": 6591, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 1, + "video_id": "70355" + }, + { + "bbox": [ + 171, + 14, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/short.mp4", + "variation_id": 0, + "video_id": "51221" + }, + { + "bbox": [ + 700, + 66, + 1636, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Child-D-7K4sSsMWw.mp4", + "variation_id": 0, + "video_id": "51223" + }, + { + "bbox": [ + 693, + 70, + 1631, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Short-bjSx00_gSOs.mp4", + "variation_id": 0, + "video_id": "51224" + }, + { + "bbox": [ + 85, + 20, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466724014.5239.mp4", + "variation_id": 1, + "video_id": "51225" + }, + { + "bbox": [ + 31, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766397.2205.mp4", + "variation_id": 0, + "video_id": "51226" + }, + { + "bbox": [ + 55, + 19, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 34, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546575090.7731.mp4", + "variation_id": 0, + "video_id": "51227" + }, + { + "bbox": [ + 64, + 14, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/short-duration.mp4", + "variation_id": 1, + "video_id": "51228" + }, + { + "bbox": [ + 45, + 12, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/short-height.mp4", + "variation_id": 0, + "video_id": "51229" + }, + { + "bbox": [ + 137, + 31, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SH/SHORT-252.mp4", + "variation_id": 1, + "video_id": "66469" + }, + { + "bbox": [ + 56, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/65914.mp4", + "variation_id": 1, + "video_id": "51220" + }, + { + "bbox": [ + 68, + 16, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/short-soon.mp4", + "variation_id": 1, + "video_id": "51230" + }, + { + "bbox": [ + 83, + 23, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23534.mp4", + "variation_id": 1, + "video_id": "51231" + }, + { + "bbox": [ + 69, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9191.mp4", + "variation_id": 0, + "video_id": "51232" + }, + { + "bbox": [ + 47, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9192.mp4", + "variation_id": 0, + "video_id": "51233" + }, + { + "bbox": [ + 2, + 16, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/short.swf", + "variation_id": 1, + "video_id": "51234" + }, + { + "bbox": [ + 208, + 61, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/short2.mp4", + "variation_id": 1, + "video_id": "51235" + }, + { + "bbox": [ + 176, + 54, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/short.mp4", + "variation_id": 0, + "video_id": "51236" + } + ] + }, + { + "gloss": "time", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2890, + "frame_start": 2828, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58488" + }, + { + "bbox": [ + 314, + 34, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/time.mp4", + "variation_id": 0, + "video_id": "69511" + }, + { + "bbox": [ + 123, + 11, + 574, + 360 + ], + "fps": 25, + "frame_end": 80, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=7Mhil9I1Ocs", + "variation_id": 0, + "video_id": "68294" + }, + { + "bbox": [ + 154, + 51, + 436, + 360 + ], + "fps": 25, + "frame_end": 6836, + "frame_start": 6741, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70356" + }, + { + "bbox": [ + 96, + 0, + 1244, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=m_nEgm4uX6U", + "variation_id": 0, + "video_id": "68171" + }, + { + "bbox": [ + 77, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23948.mp4", + "variation_id": 0, + "video_id": "58502" + }, + { + "bbox": [ + 82, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7100.mp4", + "variation_id": 0, + "video_id": "58503" + }, + { + "bbox": [ + 316, + 46, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=s-y1OtBgHkU", + "variation_id": 0, + "video_id": "58504" + }, + { + "bbox": [ + 22, + 3, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/time_fall_back.swf", + "variation_id": 0, + "video_id": "58505" + }, + { + "bbox": [ + 18, + 4, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/time_spring_forward.swf", + "variation_id": 0, + "video_id": "58506" + }, + { + "bbox": [ + 153, + 32, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TI/TIME-1233.mp4", + "variation_id": 0, + "video_id": "66644" + }, + { + "bbox": [ + 222, + 13, + 541, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/time.mp4", + "variation_id": 0, + "video_id": "58497" + }, + { + "bbox": [ + 99, + 12, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tXhJplJXFmo", + "variation_id": 0, + "video_id": "67309" + }, + { + "bbox": [ + 6, + 8, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/time.swf", + "variation_id": 0, + "video_id": "58507" + }, + { + "bbox": [ + 182, + 52, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/time.mp4", + "variation_id": 0, + "video_id": "58508" + }, + { + "bbox": [ + 345, + 8, + 843, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20time-qx01CJ9Rpqw.mp4", + "variation_id": 0, + "video_id": "58498" + }, + { + "bbox": [ + 137, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945476.6416.mp4", + "variation_id": 0, + "video_id": "58499" + }, + { + "bbox": [ + 105, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/time2.mp4", + "variation_id": 0, + "video_id": "58500" + }, + { + "bbox": [ + 127, + 2, + 440, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/time-q.mp4", + "variation_id": 0, + "video_id": "58501" + } + ] + }, + { + "gloss": "want", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 346, + "frame_start": 297, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62241" + }, + { + "bbox": [ + 341, + 40, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/want.mp4", + "variation_id": 0, + "video_id": "69524" + }, + { + "bbox": [ + 279, + 17, + 1047, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=co7zdtkJW1E", + "variation_id": 0, + "video_id": "68178" + }, + { + "bbox": [ + 348, + 22, + 924, + 720 + ], + "fps": 25, + "frame_end": 38, + "frame_start": 1, + "instance_id": 3, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=I0v6P6HEGCA", + "variation_id": 0, + "video_id": "68540" + }, + { + "bbox": [ + 239, + 13, + 528, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/want.mp4", + "variation_id": 0, + "video_id": "62246" + }, + { + "bbox": [ + 387, + 30, + 1043, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Want%20copy.mp4", + "variation_id": 0, + "video_id": "62247" + }, + { + "bbox": [ + 141, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926945.7263.mp4", + "variation_id": 0, + "video_id": "62248" + }, + { + "bbox": [ + 39, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/want.mp4", + "variation_id": 0, + "video_id": "62249" + }, + { + "bbox": [ + 77, + 15, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6971.mp4", + "variation_id": 0, + "video_id": "62250" + }, + { + "bbox": [ + 83, + 15, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6972.mp4", + "variation_id": 0, + "video_id": "62251" + }, + { + "bbox": [ + 93, + 19, + 424, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aGzNpjV6-0I", + "variation_id": 0, + "video_id": "62253" + }, + { + "bbox": [ + 51, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50936.mp4", + "variation_id": 0, + "video_id": "62244" + }, + { + "bbox": [ + 112, + 20, + 342, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Xl2VNuFGexI", + "variation_id": 0, + "video_id": "67038" + }, + { + "bbox": [ + 295, + 44, + 995, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=aGzNpjV6-0I", + "variation_id": 0, + "video_id": "62254" + }, + { + "bbox": [ + 326, + 58, + 891, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=fBVbr5ci0EQ", + "variation_id": 0, + "video_id": "62256" + }, + { + "bbox": [ + 369, + 90, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=nI-XX3BtUlQ", + "variation_id": 0, + "video_id": "62257" + }, + { + "bbox": [ + 19, + 5, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/want.swf", + "variation_id": 0, + "video_id": "62258" + }, + { + "bbox": [ + 232, + 39, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/want.mp4", + "variation_id": 0, + "video_id": "62259" + }, + { + "bbox": [ + 416, + 57, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/want-2.mp4", + "variation_id": 0, + "video_id": "62245" + } + ] + }, + { + "gloss": "work", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3574, + "frame_start": 3525, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63769" + }, + { + "bbox": [ + 323, + 9, + 919, + 720 + ], + "fps": 25, + "frame_end": 62, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=TZ65f_6GglU", + "variation_id": 0, + "video_id": "68924" + }, + { + "bbox": [ + 391, + 57, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDRfD3bNsEo", + "variation_id": 0, + "video_id": "63804" + }, + { + "bbox": [ + 0, + 5, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/work.swf", + "variation_id": 0, + "video_id": "63805" + }, + { + "bbox": [ + 234, + 38, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/work.mp4", + "variation_id": 0, + "video_id": "63806" + }, + { + "bbox": [ + 57, + 6, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244773.mp4", + "variation_id": 0, + "video_id": "63789" + }, + { + "bbox": [ + 217, + 13, + 531, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/work.mp4", + "variation_id": 0, + "video_id": "63790" + }, + { + "bbox": [ + 534, + 52, + 1589, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Synagogue%2C%20Work-T8QJNv7wRCs.mp4", + "variation_id": 0, + "video_id": "63791" + }, + { + "bbox": [ + 501, + 0, + 1402, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Work-hQKYeuN5tMI.mp4", + "variation_id": 0, + "video_id": "63792" + }, + { + "bbox": [ + 125, + 8, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468929052.2546.mp4", + "variation_id": 0, + "video_id": "63793" + }, + { + "bbox": [ + 102, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/work.mp4", + "variation_id": 0, + "video_id": "63794" + }, + { + "bbox": [ + 75, + 14, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14523.mp4", + "variation_id": 0, + "video_id": "63795" + }, + { + "bbox": [ + 157, + 4, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORK-1450.mp4", + "variation_id": 0, + "video_id": "66804" + }, + { + "bbox": [ + 94, + 4, + 250, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/work.mov", + "variation_id": 0, + "video_id": "63788" + }, + { + "bbox": [ + 101, + 13, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FwfWrRxzSxw", + "variation_id": 0, + "video_id": "67003" + }, + { + "bbox": [ + 50, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8599.mp4", + "variation_id": 0, + "video_id": "63799" + }, + { + "bbox": [ + 371, + 43, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1nt04tWWp5s", + "variation_id": 0, + "video_id": "63801" + }, + { + "bbox": [ + 399, + 57, + 836, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=dsZQRTrQjiE", + "variation_id": 0, + "video_id": "63802" + }, + { + "bbox": [ + 357, + 44, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mJrUYRjvrew", + "variation_id": 0, + "video_id": "63803" + } + ] + }, + { + "gloss": "africa", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1051, + "frame_start": 1008, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01382" + }, + { + "bbox": [ + 55, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50049.mp4", + "variation_id": 0, + "video_id": "01383" + }, + { + "bbox": [ + 409, + 56, + 822, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/africa.mp4", + "variation_id": 0, + "video_id": "01384" + }, + { + "bbox": [ + 670, + 44, + 1529, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Africa%202-TrChLRg2itY.mp4", + "variation_id": 1, + "video_id": "01385" + }, + { + "bbox": [ + 717, + 44, + 1540, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Africa%203-Jn6HQbdJE48.mp4", + "variation_id": 1, + "video_id": "01386" + }, + { + "bbox": [ + 525, + 51, + 1520, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Africa-il-R1NptEEw.mp4", + "variation_id": 0, + "video_id": "01387" + }, + { + "bbox": [ + 137, + 16, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171159.7047.mp4", + "variation_id": 0, + "video_id": "01388" + }, + { + "bbox": [ + 72, + 24, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/africa.mp4", + "variation_id": 0, + "video_id": "01390" + }, + { + "bbox": [ + 80, + 10, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14836.mp4", + "variation_id": 1, + "video_id": "01391" + }, + { + "bbox": [ + 129, + 22, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AF/AFRICA-846.mp4", + "variation_id": 0, + "video_id": "65029" + }, + { + "bbox": [ + 106, + 0, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/niBJ6C9Rs_8", + "variation_id": 0, + "video_id": "67350" + }, + { + "bbox": [ + 316, + 17, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qtVdE7tBGsU", + "variation_id": 1, + "video_id": "01392" + }, + { + "bbox": [ + 358, + 39, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=S__GZ7Vki30", + "variation_id": 0, + "video_id": "01393" + }, + { + "bbox": [ + 351, + 45, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=YnK5IFMrc6Q", + "variation_id": 0, + "video_id": "01394" + }, + { + "bbox": [ + 347, + 43, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZyH7kuEa18Q", + "variation_id": 0, + "video_id": "01395" + }, + { + "bbox": [ + 16, + 17, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/africa_1.swf", + "variation_id": 1, + "video_id": "01396" + }, + { + "bbox": [ + 8, + 19, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/africa_2.swf", + "variation_id": 0, + "video_id": "01397" + }, + { + "bbox": [ + 236, + 33, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/africa.mp4", + "variation_id": 0, + "video_id": "01398" + } + ] + }, + { + "gloss": "basketball", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1084, + "frame_start": 1032, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05227" + }, + { + "bbox": [ + 478, + 33, + 1478, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 120, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/basketball.mp4", + "variation_id": 0, + "video_id": "69225" + }, + { + "bbox": [ + 229, + 23, + 1025, + 720 + ], + "fps": 25, + "frame_end": 74, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=JxtYMfvnp58", + "variation_id": 0, + "video_id": "68612" + }, + { + "bbox": [ + 172, + 1, + 601, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/basketball.mp4", + "variation_id": 0, + "video_id": "05230" + }, + { + "bbox": [ + 678, + 144, + 1591, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Basketball%202-F0BtTtlPR7c.mp4", + "variation_id": 0, + "video_id": "05231" + }, + { + "bbox": [ + 589, + 135, + 1479, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Basketball-oRhzgMwL96w.mp4", + "variation_id": 0, + "video_id": "05232" + }, + { + "bbox": [ + 248, + 9, + 595, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20basketball.mp4", + "variation_id": 0, + "video_id": "05233" + }, + { + "bbox": [ + 43, + 22, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466649529.6905.mp4", + "variation_id": 0, + "video_id": "05234" + }, + { + "bbox": [ + 207, + 57, + 1074, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/basketball-hs5.mp4", + "variation_id": 0, + "video_id": "05236" + }, + { + "bbox": [ + 45, + 10, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/basketball.mp4", + "variation_id": 0, + "video_id": "05237" + }, + { + "bbox": [ + 76, + 19, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23590.mp4", + "variation_id": 0, + "video_id": "05238" + }, + { + "bbox": [ + 198, + 31, + 518, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BASKETBALL-1973.mp4", + "variation_id": 0, + "video_id": "65144" + }, + { + "bbox": [ + 195, + 38, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BASKETBALL-2093.mp4", + "variation_id": 0, + "video_id": "65145" + }, + { + "bbox": [ + 52, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455487.mp4", + "variation_id": 0, + "video_id": "05229" + }, + { + "bbox": [ + 72, + 0, + 442, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CsqxlMUHwyg", + "variation_id": 0, + "video_id": "67392" + }, + { + "bbox": [ + 71, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6341.mp4", + "variation_id": 0, + "video_id": "05239" + }, + { + "bbox": [ + 358, + 60, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hMTxTnXCzOo", + "variation_id": 0, + "video_id": "05241" + }, + { + "bbox": [ + 160, + 42, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/basketball.mp4", + "variation_id": 0, + "video_id": "05243" + } + ] + }, + { + "gloss": "birthday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3008, + "frame_start": 2962, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06355" + }, + { + "bbox": [ + 185, + 22, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BIRTHDAY-412.mp4", + "variation_id": 0, + "video_id": "65192" + }, + { + "bbox": [ + 366, + 29, + 917, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=aSvUHxoby4U", + "variation_id": 0, + "video_id": "68338" + }, + { + "bbox": [ + 134, + 51, + 445, + 360 + ], + "fps": 25, + "frame_end": 7016, + "frame_start": 6881, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 1, + "video_id": "70357" + }, + { + "bbox": [ + 202, + 51, + 425, + 360 + ], + "fps": 25, + "frame_end": 7324, + "frame_start": 7225, + "instance_id": 5, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70359" + }, + { + "bbox": [ + 67, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8986.mp4", + "variation_id": 0, + "video_id": "06365" + }, + { + "bbox": [ + 273, + 49, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=1n3eN9v8VV0", + "variation_id": 1, + "video_id": "06366" + }, + { + "bbox": [ + 340, + 32, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eB0lhZn8N9A", + "variation_id": 0, + "video_id": "06367" + }, + { + "bbox": [ + 139, + 33, + 414, + 341 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m4YhzJV_wzQ", + "variation_id": 0, + "video_id": "06368" + }, + { + "bbox": [ + 423, + 60, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/birthday.mp4", + "variation_id": 0, + "video_id": "06359" + }, + { + "bbox": [ + 97, + 19, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Kn_IKf8zC1w", + "variation_id": 0, + "video_id": "67413" + }, + { + "bbox": [ + 264, + 37, + 1026, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=NuNbd8a665I", + "variation_id": 1, + "video_id": "06369" + }, + { + "bbox": [ + 25, + 5, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 54, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/birthday.swf", + "variation_id": 0, + "video_id": "06370" + }, + { + "bbox": [ + 162, + 51, + 527, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/birthday.mp4", + "variation_id": 0, + "video_id": "06371" + }, + { + "bbox": [ + 75, + 24, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466682386.9294.mp4", + "variation_id": 0, + "video_id": "06360" + }, + { + "bbox": [ + 43, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/birthday2.mp4", + "variation_id": 1, + "video_id": "06361" + }, + { + "bbox": [ + 67, + 7, + 482, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/birthday.mp4", + "variation_id": 0, + "video_id": "06362" + }, + { + "bbox": [ + 61, + 11, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7007.mp4", + "variation_id": 1, + "video_id": "06363" + } + ] + }, + { + "gloss": "brown", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4972, + "frame_start": 4926, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07957" + }, + { + "bbox": [ + 335, + 37, + 874, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/brown.mp4", + "variation_id": 0, + "video_id": "69252" + }, + { + "bbox": [ + 149, + 43, + 394, + 360 + ], + "fps": 25, + "frame_end": 964, + "frame_start": 869, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70242" + }, + { + "bbox": [ + 316, + 0, + 898, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=--Xi-n0DgBU", + "variation_id": 0, + "video_id": "69028" + }, + { + "bbox": [ + 102, + 30, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466724587.930.mp4", + "variation_id": 0, + "video_id": "07963" + }, + { + "bbox": [ + 47, + 17, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/brown.mp4", + "variation_id": 0, + "video_id": "07964" + }, + { + "bbox": [ + 62, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6209.mp4", + "variation_id": 0, + "video_id": "07966" + }, + { + "bbox": [ + 277, + 10, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=_7B0lz1PMoc", + "variation_id": 0, + "video_id": "07967" + }, + { + "bbox": [ + 332, + 42, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=HGBcts4shKw", + "variation_id": 0, + "video_id": "07968" + }, + { + "bbox": [ + 313, + 70, + 903, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=kpngPVmD_6Q", + "variation_id": 0, + "video_id": "07969" + }, + { + "bbox": [ + 158, + 12, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BROWN-53.mp4", + "variation_id": 0, + "video_id": "65263" + }, + { + "bbox": [ + 37, + 6, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125573.mp4", + "variation_id": 0, + "video_id": "07960" + }, + { + "bbox": [ + 94, + 20, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/v0PgAPiUeHk", + "variation_id": 0, + "video_id": "67446" + }, + { + "bbox": [ + 353, + 42, + 937, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PrniQgULERg", + "variation_id": 0, + "video_id": "07971" + }, + { + "bbox": [ + 17, + 19, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/brown.swf", + "variation_id": 0, + "video_id": "07972" + }, + { + "bbox": [ + 182, + 52, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/brown.mp4", + "variation_id": 0, + "video_id": "07973" + }, + { + "bbox": [ + 213, + 11, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/brown.mp4", + "variation_id": 0, + "video_id": "07961" + }, + { + "bbox": [ + 381, + 38, + 1076, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Brown.mp4", + "variation_id": 0, + "video_id": "07962" + } + ] + }, + { + "gloss": "but", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5252, + "frame_start": 5213, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08421" + }, + { + "bbox": [ + 365, + 18, + 925, + 720 + ], + "fps": 25, + "frame_end": 39, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=c17A0edBIaA", + "variation_id": 0, + "video_id": "68368" + }, + { + "bbox": [ + 236, + 0, + 625, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=cFlUlLhRbTE", + "variation_id": 0, + "video_id": "68016" + }, + { + "bbox": [ + 127, + 16, + 452, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/but-fs.mp4", + "variation_id": 1, + "video_id": "08427" + }, + { + "bbox": [ + 59, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/but.mp4", + "variation_id": 0, + "video_id": "08428" + }, + { + "bbox": [ + 82, + 25, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23503.mp4", + "variation_id": 1, + "video_id": "08429" + }, + { + "bbox": [ + 81, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6551.mp4", + "variation_id": 0, + "video_id": "08431" + }, + { + "bbox": [ + 281, + 27, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=A-n2pjNaz-k", + "variation_id": 1, + "video_id": "08432" + }, + { + "bbox": [ + 281, + 27, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BzA6aV3_izM", + "variation_id": 1, + "video_id": "08433" + }, + { + "bbox": [ + 151, + 11, + 502, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUT-61.mp4", + "variation_id": 0, + "video_id": "65278" + }, + { + "bbox": [ + 44, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125640.mp4", + "variation_id": 0, + "video_id": "08424" + }, + { + "bbox": [ + 67, + 19, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/A1nZLK4Qodw", + "variation_id": 0, + "video_id": "67451" + }, + { + "bbox": [ + 290, + 53, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=l3pElzy2Png", + "variation_id": 0, + "video_id": "08434" + }, + { + "bbox": [ + 198, + 13, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ldw8UzKED8s", + "variation_id": 1, + "video_id": "08435" + }, + { + "bbox": [ + 5, + 15, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/but.swf", + "variation_id": 0, + "video_id": "08436" + }, + { + "bbox": [ + 214, + 40, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/but.mp4", + "variation_id": 0, + "video_id": "08437" + }, + { + "bbox": [ + 386, + 61, + 1797, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Different-JM7Z5mfnrSk.mp4", + "variation_id": 0, + "video_id": "08425" + }, + { + "bbox": [ + 98, + 14, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466725437.8006.mp4", + "variation_id": 0, + "video_id": "08426" + } + ] + }, + { + "gloss": "cheat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2392, + "frame_start": 2340, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10146" + }, + { + "bbox": [ + 322, + 30, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=M-YTVGOSvqA", + "variation_id": 1, + "video_id": "10161" + }, + { + "bbox": [ + 20, + 11, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cheat_1.swf", + "variation_id": 0, + "video_id": "10162" + }, + { + "bbox": [ + 5, + 12, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cheat_3.swf", + "variation_id": 1, + "video_id": "10164" + }, + { + "bbox": [ + 39, + 1, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125942.mp4", + "variation_id": 0, + "video_id": "10147" + }, + { + "bbox": [ + 175, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cheat.mp4", + "variation_id": 1, + "video_id": "10166" + }, + { + "bbox": [ + 521, + 52, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cheat%202-KsLHDSh6t7M.mp4", + "variation_id": 0, + "video_id": "10148" + }, + { + "bbox": [ + 533, + 84, + 1561, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cheat%203-Sldnni0vyBw.mp4", + "variation_id": 1, + "video_id": "10149" + }, + { + "bbox": [ + 162, + 17, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHEAT_1-1058.mp4", + "variation_id": 0, + "video_id": "65341" + }, + { + "bbox": [ + 396, + 69, + 1686, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cheat%20copy-Ct97K7sCACc.mp4", + "variation_id": 0, + "video_id": "10151" + }, + { + "bbox": [ + 162, + 12, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHEAT_2-2514.mp4", + "variation_id": 1, + "video_id": "65342" + }, + { + "bbox": [ + 154, + 20, + 428, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lmWVuurMMOc", + "variation_id": 0, + "video_id": "67489" + }, + { + "bbox": [ + 88, + 15, + 403, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/U2Nf3gOSPhg", + "variation_id": 1, + "video_id": "67490" + }, + { + "bbox": [ + 73, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/cheat-us.mp4", + "variation_id": 0, + "video_id": "10156" + }, + { + "bbox": [ + 64, + 10, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14045.mp4", + "variation_id": 0, + "video_id": "10157" + }, + { + "bbox": [ + 75, + 13, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14046.mp4", + "variation_id": 1, + "video_id": "10158" + }, + { + "bbox": [ + 56, + 11, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14047.mp4", + "variation_id": 1, + "video_id": "10159" + }, + { + "bbox": [ + 316, + 34, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hIKTWc-9yKg", + "variation_id": 1, + "video_id": "10160" + } + ] + }, + { + "gloss": "city", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3538, + "frame_start": 3489, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10888" + }, + { + "bbox": [ + 490, + 71, + 1375, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/city.mp4", + "variation_id": 0, + "video_id": "69269" + }, + { + "bbox": [ + 344, + 17, + 967, + 720 + ], + "fps": 25, + "frame_end": 61, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=cEbPqZiaAqQ", + "variation_id": 0, + "video_id": "68374" + }, + { + "bbox": [ + 98, + 9, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466898554.85.mp4", + "variation_id": 0, + "video_id": "10895" + }, + { + "bbox": [ + 125, + 15, + 465, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/city.mp4", + "variation_id": 0, + "video_id": "10896" + }, + { + "bbox": [ + 73, + 3, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6001.mp4", + "variation_id": 0, + "video_id": "10898" + }, + { + "bbox": [ + 167, + 9, + 500, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=e7Tz3OSQBQQ", + "variation_id": 0, + "video_id": "10899" + }, + { + "bbox": [ + 345, + 32, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=R6T2OTSZNck", + "variation_id": 0, + "video_id": "10900" + }, + { + "bbox": [ + 326, + 28, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=y3aZGBOFqtU", + "variation_id": 0, + "video_id": "10901" + }, + { + "bbox": [ + 156, + 17, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CI/CITY-551.mp4", + "variation_id": 0, + "video_id": "65362" + }, + { + "bbox": [ + 167, + 11, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CI/CITY-689.mp4", + "variation_id": 0, + "video_id": "65363" + }, + { + "bbox": [ + 82, + 11, + 250, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/city.mov", + "variation_id": 0, + "video_id": "10892" + }, + { + "bbox": [ + 76, + 8, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/DV17xsFO5Jg", + "variation_id": 0, + "video_id": "67501" + }, + { + "bbox": [ + 314, + 40, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y8QX1lAPwOs", + "variation_id": 0, + "video_id": "10902" + }, + { + "bbox": [ + 4, + 9, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/city.swf", + "variation_id": 0, + "video_id": "10903" + }, + { + "bbox": [ + 200, + 56, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/city.mp4", + "variation_id": 0, + "video_id": "10904" + }, + { + "bbox": [ + 39, + 3, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399304.mp4", + "variation_id": 0, + "video_id": "10893" + }, + { + "bbox": [ + 569, + 84, + 1595, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Community%2C%20City-ullwVrgZsPE.mp4", + "variation_id": 0, + "video_id": "10894" + } + ] + }, + { + "gloss": "cook", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5984, + "frame_start": 5932, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13154" + }, + { + "bbox": [ + 55, + 22, + 512, + 480 + ], + "fps": 25, + "frame_end": 3613, + "frame_start": 3522, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70030" + }, + { + "bbox": [ + 86, + 2, + 1173, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=sK9DAZw4_zs", + "variation_id": 0, + "video_id": "68029" + }, + { + "bbox": [ + 124, + 8, + 548, + 360 + ], + "fps": 25, + "frame_end": 43, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Wny0hRLOETg", + "variation_id": 0, + "video_id": "69004" + }, + { + "bbox": [ + 90, + 22, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903034.6121.mp4", + "variation_id": 0, + "video_id": "13158" + }, + { + "bbox": [ + 20, + 2, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cook.mp4", + "variation_id": 0, + "video_id": "13159" + }, + { + "bbox": [ + 62, + 10, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14239.mp4", + "variation_id": 0, + "video_id": "13160" + }, + { + "bbox": [ + 66, + 1, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5801.mp4", + "variation_id": 0, + "video_id": "13161" + }, + { + "bbox": [ + 294, + 59, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=DPOkRwo1a6A", + "variation_id": 0, + "video_id": "13162" + }, + { + "bbox": [ + 87, + 16, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lvwn7OAGJWk", + "variation_id": 0, + "video_id": "67527" + }, + { + "bbox": [ + 321, + 69, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UCVlTV4FF9g", + "variation_id": 0, + "video_id": "13164" + }, + { + "bbox": [ + 337, + 43, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Xy0FCuz1KHw", + "variation_id": 0, + "video_id": "13165" + }, + { + "bbox": [ + 0, + 14, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cook.swf", + "variation_id": 0, + "video_id": "13166" + }, + { + "bbox": [ + 164, + 54, + 522, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cook2.mp4", + "variation_id": 0, + "video_id": "13167" + }, + { + "bbox": [ + 168, + 59, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cook.mp4", + "variation_id": 0, + "video_id": "13168" + }, + { + "bbox": [ + 39, + 6, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/74942.mp4", + "variation_id": 0, + "video_id": "13155" + }, + { + "bbox": [ + 213, + 16, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cook.mp4", + "variation_id": 0, + "video_id": "13156" + }, + { + "bbox": [ + 569, + 54, + 1444, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cook-OnJxNwHhkIs.mp4", + "variation_id": 0, + "video_id": "13157" + } + ] + }, + { + "gloss": "decide", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 737, + "frame_start": 678, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15031" + }, + { + "bbox": [ + 166, + 12, + 502, + 480 + ], + "fps": 25, + "frame_end": 4158, + "frame_start": 4053, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70119" + }, + { + "bbox": [ + 678, + 71, + 1667, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Decide%2C%20Definitely-a6H-G5Vhz6w.mp4", + "variation_id": 0, + "video_id": "15034" + }, + { + "bbox": [ + 124, + 18, + 613, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909021.4675.mp4", + "variation_id": 0, + "video_id": "15035" + }, + { + "bbox": [ + 28, + 1, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/decide.mp4", + "variation_id": 0, + "video_id": "15036" + }, + { + "bbox": [ + 71, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23917.mp4", + "variation_id": 0, + "video_id": "15037" + }, + { + "bbox": [ + 53, + 15, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9203.mp4", + "variation_id": 0, + "video_id": "15038" + }, + { + "bbox": [ + 63, + 16, + 431, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hIj1mcPpVC4", + "variation_id": 0, + "video_id": "15039" + }, + { + "bbox": [ + 153, + 0, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=hIj1mcPpVC4", + "variation_id": 0, + "video_id": "15040" + }, + { + "bbox": [ + 154, + 16, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DECIDE-1226.mp4", + "variation_id": 0, + "video_id": "65449" + }, + { + "bbox": [ + 156, + 18, + 503, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DECIDE-2280.mp4", + "variation_id": 0, + "video_id": "65450" + }, + { + "bbox": [ + 95, + 11, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0F7ugTN-VX8", + "variation_id": 0, + "video_id": "67555" + }, + { + "bbox": [ + 87, + 20, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/AFkia1eR0_E", + "variation_id": 0, + "video_id": "67556" + }, + { + "bbox": [ + 100, + 3, + 499, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=N0969RhLMp0", + "variation_id": 0, + "video_id": "15041" + }, + { + "bbox": [ + 8, + 4, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/decide.swf", + "variation_id": 0, + "video_id": "15042" + }, + { + "bbox": [ + 200, + 44, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/decide.mp4", + "variation_id": 0, + "video_id": "15043" + }, + { + "bbox": [ + 65, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 78, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399467.mp4", + "variation_id": 0, + "video_id": "15032" + }, + { + "bbox": [ + 428, + 57, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/decide.mp4", + "variation_id": 0, + "video_id": "15033" + } + ] + }, + { + "gloss": "full", + "instances": [ + { + "bbox": [ + 124, + 14, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FU/FULL-139.mp4", + "variation_id": 0, + "video_id": "65792" + }, + { + "bbox": [ + 91, + 23, + 485, + 480 + ], + "fps": 25, + "frame_end": 3478, + "frame_start": 3367, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70029" + }, + { + "bbox": [ + 182, + 52, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/full.mp4", + "variation_id": 1, + "video_id": "23782" + }, + { + "bbox": [ + 23, + 2, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514615.3604.mp4", + "variation_id": 0, + "video_id": "23771" + }, + { + "bbox": [ + 0, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/full-eat.mp4", + "variation_id": 0, + "video_id": "23772" + }, + { + "bbox": [ + 65, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/full.mp4", + "variation_id": 1, + "video_id": "23773" + }, + { + "bbox": [ + 70, + 18, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23323.mp4", + "variation_id": 0, + "video_id": "23774" + }, + { + "bbox": [ + 77, + 18, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23324.mp4", + "variation_id": 0, + "video_id": "23775" + }, + { + "bbox": [ + 37, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486573.mp4", + "variation_id": 1, + "video_id": "23766" + }, + { + "bbox": [ + 67, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7838.mp4", + "variation_id": 1, + "video_id": "23776" + }, + { + "bbox": [ + 219, + 30, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BOBKWrkwqUI", + "variation_id": 0, + "video_id": "23777" + }, + { + "bbox": [ + 51, + 19, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/vMLkIHIe_fA", + "variation_id": 1, + "video_id": "67697" + }, + { + "bbox": [ + 294, + 51, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=OUY3FFvAjJ0", + "variation_id": 1, + "video_id": "23778" + }, + { + "bbox": [ + 348, + 44, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=U8mXqYD9S4Q", + "variation_id": 1, + "video_id": "23779" + }, + { + "bbox": [ + 0, + 6, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/full.swf", + "variation_id": 1, + "video_id": "23780" + }, + { + "bbox": [ + 242, + 46, + 836, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/full.mp4", + "variation_id": 1, + "video_id": "23767" + }, + { + "bbox": [ + 593, + 124, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Full-0j0Nsjb8e-s.mp4", + "variation_id": 1, + "video_id": "23768" + }, + { + "bbox": [ + 277, + 3, + 798, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Full-K3DhCup57Cs.mp4", + "variation_id": 0, + "video_id": "23769" + } + ] + }, + { + "gloss": "how", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2418, + "frame_start": 2382, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28187" + }, + { + "bbox": [ + 378, + 49, + 894, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/how.mp4", + "variation_id": 1, + "video_id": "69370" + }, + { + "bbox": [ + 146, + 42, + 397, + 360 + ], + "fps": 25, + "frame_end": 4314, + "frame_start": 4221, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70295" + }, + { + "bbox": [ + 320, + 12, + 924, + 720 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=uVXtydfzLIo", + "variation_id": 1, + "video_id": "68954" + }, + { + "bbox": [ + 76, + 13, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468638815.8605.mp4", + "variation_id": 0, + "video_id": "28205" + }, + { + "bbox": [ + 100, + 30, + 371, + 382 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 55, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/how-1913.mp4", + "variation_id": 0, + "video_id": "28206" + }, + { + "bbox": [ + 114, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/how2.mp4", + "variation_id": 1, + "video_id": "28207" + }, + { + "bbox": [ + 109, + 0, + 549, + 478 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/how.mp4", + "variation_id": 1, + "video_id": "28208" + }, + { + "bbox": [ + 74, + 4, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5874.mp4", + "variation_id": 0, + "video_id": "28210" + }, + { + "bbox": [ + 51, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456602.mp4", + "variation_id": 0, + "video_id": "28201" + }, + { + "bbox": [ + 89, + 17, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/X9k65VXITzY", + "variation_id": 0, + "video_id": "67776" + }, + { + "bbox": [ + 77, + 5, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5875.mp4", + "variation_id": 1, + "video_id": "28211" + }, + { + "bbox": [ + 250, + 0, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=awmySeWaTkk", + "variation_id": 0, + "video_id": "28212" + }, + { + "bbox": [ + 0, + 6, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/how.swf", + "variation_id": 0, + "video_id": "28213" + }, + { + "bbox": [ + 176, + 54, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/how.mp4", + "variation_id": 0, + "video_id": "28214" + }, + { + "bbox": [ + 223, + 16, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/how2.mp4", + "variation_id": 1, + "video_id": "28202" + }, + { + "bbox": [ + 195, + 15, + 548, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/how.mp4", + "variation_id": 0, + "video_id": "28203" + }, + { + "bbox": [ + 634, + 35, + 1554, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20How-4-FrL86gJFo.mp4", + "variation_id": 1, + "video_id": "28204" + } + ] + }, + { + "gloss": "jacket", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 73, + "frame_start": 34, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "30830" + }, + { + "bbox": [ + 283, + 0, + 1019, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=9YdNdSUawfc", + "variation_id": 0, + "video_id": "68320" + }, + { + "bbox": [ + 116, + 5, + 694, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=lMSfIEHvClM", + "variation_id": 0, + "video_id": "68079" + }, + { + "bbox": [ + 13, + 7, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/j/jacket_smoking.swf", + "variation_id": 0, + "video_id": "30847" + }, + { + "bbox": [ + 9, + 8, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/jacket.swf", + "variation_id": 0, + "video_id": "30848" + }, + { + "bbox": [ + 176, + 59, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/jacket.mp4", + "variation_id": 0, + "video_id": "30849" + }, + { + "bbox": [ + 33, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/458051.mp4", + "variation_id": 0, + "video_id": "30831" + }, + { + "bbox": [ + 370, + 70, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/jacket.mp4", + "variation_id": 0, + "video_id": "30832" + }, + { + "bbox": [ + 488, + 132, + 1703, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Coat%2C%20Jacket%2C%20Put%20Jacket%20Or%20Coat%20On-GiSk_5R3-1I.mp4", + "variation_id": 0, + "video_id": "30833" + }, + { + "bbox": [ + 769, + 70, + 1629, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jacket%2C%20Coat-S0s-qh1GpmE.mp4", + "variation_id": 0, + "video_id": "30834" + }, + { + "bbox": [ + 36, + 11, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668730.7199.mp4", + "variation_id": 0, + "video_id": "30835" + }, + { + "bbox": [ + 99, + 5, + 567, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/jacket.mp4", + "variation_id": 0, + "video_id": "30837" + }, + { + "bbox": [ + 116, + 0, + 596, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/jacket-thin.mp4", + "variation_id": 0, + "video_id": "30838" + }, + { + "bbox": [ + 78, + 22, + 412, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rSdZfzJZZh8", + "variation_id": 0, + "video_id": "67802" + }, + { + "bbox": [ + 45, + 15, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22145.mp4", + "variation_id": 0, + "video_id": "30840" + }, + { + "bbox": [ + 300, + 63, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=5E38gLsXn3E", + "variation_id": 0, + "video_id": "30841" + }, + { + "bbox": [ + 347, + 61, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=dqRCKjpXV4Q", + "variation_id": 0, + "video_id": "30842" + }, + { + "bbox": [ + 207, + 37, + 1051, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RhHvcp1K0-g", + "variation_id": 0, + "video_id": "30843" + } + ] + }, + { + "gloss": "letter", + "instances": [ + { + "bbox": [ + 197, + 11, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-642.mp4", + "variation_id": 0, + "video_id": "66038" + }, + { + "bbox": [ + 347, + 16, + 930, + 720 + ], + "fps": 25, + "frame_end": 46, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=Kw9nFq7HD4Y", + "variation_id": 0, + "video_id": "68636" + }, + { + "bbox": [ + 130, + 31, + 288, + 240 + ], + "fps": 25, + "frame_end": 5241, + "frame_start": 5137, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 1, + "video_id": "70325" + }, + { + "bbox": [ + 196, + 0, + 621, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 111, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=XYWN81jAkgY", + "variation_id": 0, + "video_id": "68089" + }, + { + "bbox": [ + 717, + 124, + 1569, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stamp-8KA4BvqtdOg.mp4", + "variation_id": 1, + "video_id": "32948" + }, + { + "bbox": [ + 155, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711203.8119.mp4", + "variation_id": 1, + "video_id": "32949" + }, + { + "bbox": [ + 127, + 26, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1553868352.971.mp4", + "variation_id": 2, + "video_id": "32950" + }, + { + "bbox": [ + 110, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/letter.mp4", + "variation_id": 2, + "video_id": "32951" + }, + { + "bbox": [ + 71, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6847.mp4", + "variation_id": 2, + "video_id": "32953" + }, + { + "bbox": [ + 67, + 15, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6848.mp4", + "variation_id": 1, + "video_id": "32954" + }, + { + "bbox": [ + 57, + 3, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457528.mp4", + "variation_id": 2, + "video_id": "32945" + }, + { + "bbox": [ + 100, + 13, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/cIC4tYLHaME", + "variation_id": 2, + "video_id": "67840" + }, + { + "bbox": [ + 68, + 11, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6850.mp4", + "variation_id": 1, + "video_id": "32955" + }, + { + "bbox": [ + 336, + 42, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=fLkoJvqUUi8", + "variation_id": 2, + "video_id": "32956" + }, + { + "bbox": [ + 1, + 18, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/letter.swf", + "variation_id": 1, + "video_id": "32957" + }, + { + "bbox": [ + 231, + 40, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/letter.mp4", + "variation_id": 0, + "video_id": "32959" + }, + { + "bbox": [ + 49, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457529.mp4", + "variation_id": 1, + "video_id": "32946" + }, + { + "bbox": [ + 657, + 37, + 1680, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Letter%20copy-aho9YprKA0M.mp4", + "variation_id": 0, + "video_id": "32947" + } + ] + }, + { + "gloss": "medicine", + "instances": [ + { + "bbox": [ + 181, + 28, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MEDICINE-1621.mp4", + "variation_id": 0, + "video_id": "66111" + }, + { + "bbox": [ + 221, + 33, + 1044, + 720 + ], + "fps": 25, + "frame_end": 102, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=pupBwmtznhI", + "variation_id": 0, + "video_id": "68810" + }, + { + "bbox": [ + 245, + 24, + 559, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Medicine.mp4", + "variation_id": 0, + "video_id": "35454" + }, + { + "bbox": [ + 92, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714638.9395.mp4", + "variation_id": 0, + "video_id": "35455" + }, + { + "bbox": [ + 182, + 61, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546574540.142.mp4", + "variation_id": 0, + "video_id": "35456" + }, + { + "bbox": [ + 57, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/medicine.mp4", + "variation_id": 0, + "video_id": "35457" + }, + { + "bbox": [ + 79, + 19, + 212, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6826.mp4", + "variation_id": 0, + "video_id": "35458" + }, + { + "bbox": [ + 241, + 54, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=88xSMjuFPHA", + "variation_id": 0, + "video_id": "35460" + }, + { + "bbox": [ + 265, + 28, + 1007, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=R62C5PdSB1o", + "variation_id": 0, + "video_id": "35461" + }, + { + "bbox": [ + 81, + 10, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/157839.mp4", + "variation_id": 0, + "video_id": "35452" + }, + { + "bbox": [ + 87, + 26, + 393, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/AUEQVbV588c", + "variation_id": 0, + "video_id": "67890" + }, + { + "bbox": [ + 321, + 69, + 880, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=rdtLwk9PeEU", + "variation_id": 0, + "video_id": "35462" + }, + { + "bbox": [ + 405, + 69, + 875, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=vAVSxCCr9jk", + "variation_id": 0, + "video_id": "35463" + }, + { + "bbox": [ + 0, + 6, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/liquid_medicine.swf", + "variation_id": 0, + "video_id": "35464" + }, + { + "bbox": [ + 9, + 0, + 202, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/medicine.swf", + "variation_id": 0, + "video_id": "35465" + }, + { + "bbox": [ + 0, + 5, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/medicine_taking.swf", + "variation_id": 0, + "video_id": "35466" + }, + { + "bbox": [ + 195, + 54, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/medical.mp4", + "variation_id": 0, + "video_id": "35467" + }, + { + "bbox": [ + 435, + 63, + 835, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/medicine.mp4", + "variation_id": 0, + "video_id": "35453" + } + ] + }, + { + "gloss": "need", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 546, + "frame_start": 507, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37879" + }, + { + "bbox": [ + 154, + 44, + 399, + 360 + ], + "fps": 25, + "frame_end": 5666, + "frame_start": 5549, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70237" + }, + { + "bbox": [ + 355, + 30, + 941, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=ieLzL1Sl6SU", + "variation_id": 0, + "video_id": "68544" + }, + { + "bbox": [ + 75, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/need.mp4", + "variation_id": 0, + "video_id": "37885" + }, + { + "bbox": [ + 69, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9563.mp4", + "variation_id": 0, + "video_id": "37886" + }, + { + "bbox": [ + 251, + 0, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Eo-vEE1gFxM", + "variation_id": 0, + "video_id": "37887" + }, + { + "bbox": [ + 251, + 0, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Eo-vEE1gFxM", + "variation_id": 0, + "video_id": "37888" + }, + { + "bbox": [ + 284, + 42, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kgmz82HWI-I", + "variation_id": 0, + "video_id": "37889" + }, + { + "bbox": [ + 373, + 18, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=n5hGwUxGm0Y", + "variation_id": 0, + "video_id": "37890" + }, + { + "bbox": [ + 27, + 8, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63549.mp4", + "variation_id": 0, + "video_id": "37881" + }, + { + "bbox": [ + 97, + 20, + 347, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/JPvbOOrG-gU", + "variation_id": 0, + "video_id": "67925" + }, + { + "bbox": [ + 341, + 45, + 946, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RoY7cjIPNxY", + "variation_id": 0, + "video_id": "37891" + }, + { + "bbox": [ + 286, + 68, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=rul1iWBt3Jg", + "variation_id": 0, + "video_id": "37892" + }, + { + "bbox": [ + 27, + 9, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/need.swf", + "variation_id": 0, + "video_id": "37893" + }, + { + "bbox": [ + 245, + 39, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shall.mp4", + "variation_id": 0, + "video_id": "37894" + }, + { + "bbox": [ + 217, + 16, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/need.mp4", + "variation_id": 0, + "video_id": "37882" + }, + { + "bbox": [ + 777, + 75, + 1751, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Need-0qij0e7-5Ak.mp4", + "variation_id": 0, + "video_id": "37883" + }, + { + "bbox": [ + 109, + 0, + 496, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718141.8252.mp4", + "variation_id": 0, + "video_id": "37884" + } + ] + }, + { + "gloss": "paint", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 173, + "frame_start": 101, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "40816" + }, + { + "bbox": [ + 117, + 11, + 546, + 358 + ], + "fps": 25, + "frame_end": 91, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=bzeoojCEbX0", + "variation_id": 0, + "video_id": "68364" + }, + { + "bbox": [ + 97, + 0, + 1173, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=VPeBrHewtSY", + "variation_id": 0, + "video_id": "68125" + }, + { + "bbox": [ + 110, + 16, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/paint-art.mp4", + "variation_id": 0, + "video_id": "40838" + }, + { + "bbox": [ + 109, + 17, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/paint-wall.mp4", + "variation_id": 0, + "video_id": "40839" + }, + { + "bbox": [ + 80, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14823.mp4", + "variation_id": 0, + "video_id": "40840" + }, + { + "bbox": [ + 78, + 11, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14824.mp4", + "variation_id": 0, + "video_id": "40841" + }, + { + "bbox": [ + 193, + 23, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9V_pXf6tP_U", + "variation_id": 0, + "video_id": "40842" + }, + { + "bbox": [ + 331, + 47, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=iZ713O5fNos", + "variation_id": 0, + "video_id": "40843" + }, + { + "bbox": [ + 672, + 123, + 1519, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Paint%202-na0od_u1s8k.mp4", + "variation_id": 0, + "video_id": "40834" + }, + { + "bbox": [ + 75, + 20, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2x5hblbX1Ho", + "variation_id": 0, + "video_id": "67958" + }, + { + "bbox": [ + 361, + 70, + 838, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 81, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=NGNoEmYEpCQ", + "variation_id": 0, + "video_id": "40844" + }, + { + "bbox": [ + 321, + 48, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WXDexpGu-zU", + "variation_id": 0, + "video_id": "40845" + }, + { + "bbox": [ + 16, + 20, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/paint.swf", + "variation_id": 0, + "video_id": "40846" + }, + { + "bbox": [ + 183, + 59, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/paint.mp4", + "variation_id": 0, + "video_id": "40847" + }, + { + "bbox": [ + 630, + 123, + 1712, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Paint-e962KC5Cm5w.mp4", + "variation_id": 0, + "video_id": "40835" + }, + { + "bbox": [ + 639, + 65, + 1578, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Paint-qTA0nc4WYOc.mp4", + "variation_id": 0, + "video_id": "40836" + }, + { + "bbox": [ + 121, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468723124.3329.mp4", + "variation_id": 0, + "video_id": "40837" + } + ] + }, + { + "gloss": "paper", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 296, + "frame_start": 247, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41008" + }, + { + "bbox": [ + 326, + 0, + 915, + 720 + ], + "fps": 25, + "frame_end": 56, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=f85vUmJJP8I", + "variation_id": 0, + "video_id": "68446" + }, + { + "bbox": [ + 112, + 24, + 274, + 240 + ], + "fps": 25, + "frame_end": 2106, + "frame_start": 2006, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70211" + }, + { + "bbox": [ + 247, + 1, + 671, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=LXLQyvK23hc", + "variation_id": 0, + "video_id": "68127" + }, + { + "bbox": [ + 132, + 28, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767936.333.mp4", + "variation_id": 0, + "video_id": "41030" + }, + { + "bbox": [ + 105, + 6, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/paper.mp4", + "variation_id": 0, + "video_id": "41031" + }, + { + "bbox": [ + 75, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5899.mp4", + "variation_id": 0, + "video_id": "41032" + }, + { + "bbox": [ + 276, + 39, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zNSQm23fGzI", + "variation_id": 0, + "video_id": "41033" + }, + { + "bbox": [ + 276, + 39, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zNSQm23fGzI", + "variation_id": 0, + "video_id": "41034" + }, + { + "bbox": [ + 55, + 3, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49171.mp4", + "variation_id": 0, + "video_id": "41025" + }, + { + "bbox": [ + 126, + 21, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/f_l5OkjlEpw", + "variation_id": 0, + "video_id": "67961" + }, + { + "bbox": [ + 299, + 45, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZrdOYM36B9I", + "variation_id": 0, + "video_id": "41035" + }, + { + "bbox": [ + 23, + 9, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/paper.swf", + "variation_id": 0, + "video_id": "41036" + }, + { + "bbox": [ + 230, + 37, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/paper.mp4", + "variation_id": 0, + "video_id": "41037" + }, + { + "bbox": [ + 225, + 18, + 531, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/paper.mp4", + "variation_id": 0, + "video_id": "41026" + }, + { + "bbox": [ + 619, + 68, + 1535, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Paper%202-wnfSW4-iXHY.mp4", + "variation_id": 0, + "video_id": "41027" + }, + { + "bbox": [ + 419, + 45, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Paper.mp4", + "variation_id": 0, + "video_id": "41028" + }, + { + "bbox": [ + 112, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468723544.417.mp4", + "variation_id": 0, + "video_id": "41029" + } + ] + }, + { + "gloss": "pull", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6755, + "frame_start": 6706, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45252" + }, + { + "bbox": [ + 71, + 38, + 1022, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/pull.mp4", + "variation_id": 0, + "video_id": "69439" + }, + { + "bbox": [ + 137, + 16, + 463, + 480 + ], + "fps": 25, + "frame_end": 5344, + "frame_start": 5233, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70378" + }, + { + "bbox": [ + 156, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757283.4828.mp4", + "variation_id": 0, + "video_id": "45265" + }, + { + "bbox": [ + 121, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pull.mp4", + "variation_id": 0, + "video_id": "45266" + }, + { + "bbox": [ + 60, + 29, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22921.mp4", + "variation_id": 0, + "video_id": "45267" + }, + { + "bbox": [ + 346, + 36, + 1036, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=i5qAkbXqz9Y", + "variation_id": 0, + "video_id": "45268" + }, + { + "bbox": [ + 358, + 56, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kO_5FgRTVCs", + "variation_id": 0, + "video_id": "45269" + }, + { + "bbox": [ + 324, + 92, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 7, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=v_raVhhnAIE", + "variation_id": 0, + "video_id": "45270" + }, + { + "bbox": [ + 214, + 7, + 518, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PU/PULL-229.mp4", + "variation_id": 0, + "video_id": "66351" + }, + { + "bbox": [ + 62, + 21, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/306777.mp4", + "variation_id": 0, + "video_id": "45261" + }, + { + "bbox": [ + 92, + 19, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/nsRQOdkyTP8", + "variation_id": 0, + "video_id": "67111" + }, + { + "bbox": [ + 134, + 5, + 535, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zfNH9EdhgNo", + "variation_id": 0, + "video_id": "45271" + }, + { + "bbox": [ + 14, + 16, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pull.swf", + "variation_id": 0, + "video_id": "45272" + }, + { + "bbox": [ + 213, + 38, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pull.mp4", + "variation_id": 0, + "video_id": "45273" + }, + { + "bbox": [ + 687, + 88, + 1685, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pull2-3gtcnXxKZHs.mp4", + "variation_id": 0, + "video_id": "45262" + }, + { + "bbox": [ + 368, + 108, + 1509, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pull-78bHeANdyYc.mp4", + "variation_id": 0, + "video_id": "45263" + }, + { + "bbox": [ + 744, + 77, + 1564, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pull-N_bMKvAGxjs.mp4", + "variation_id": 0, + "video_id": "45264" + } + ] + }, + { + "gloss": "purple", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6898, + "frame_start": 6859, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45432" + }, + { + "bbox": [ + 169, + 38, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/purple.mp4", + "variation_id": 0, + "video_id": "69440" + }, + { + "bbox": [ + 247, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=ESK6NAvvsKg", + "variation_id": 0, + "video_id": "68137" + }, + { + "bbox": [ + 346, + 6, + 896, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=nBhhhS7HXIo", + "variation_id": 0, + "video_id": "68726" + }, + { + "bbox": [ + 99, + 44, + 394, + 360 + ], + "fps": 25, + "frame_end": 1681, + "frame_start": 1581, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70247" + }, + { + "bbox": [ + 73, + 19, + 220, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6858.mp4", + "variation_id": 0, + "video_id": "45438" + }, + { + "bbox": [ + 321, + 11, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=lKzYzA2JZaI", + "variation_id": 0, + "video_id": "45439" + }, + { + "bbox": [ + 334, + 50, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zgdzYtHB6jg", + "variation_id": 0, + "video_id": "45440" + }, + { + "bbox": [ + 285, + 70, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 68, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=zW5FrLEDRiM", + "variation_id": 0, + "video_id": "45441" + }, + { + "bbox": [ + 195, + 6, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PU/PURPLE-989.mp4", + "variation_id": 0, + "video_id": "66355" + }, + { + "bbox": [ + 85, + 13, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/54csIWbS-Gc", + "variation_id": 0, + "video_id": "67114" + }, + { + "bbox": [ + 0, + 11, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/purple.swf", + "variation_id": 0, + "video_id": "45442" + }, + { + "bbox": [ + 153, + 54, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/purple.mp4", + "variation_id": 0, + "video_id": "45443" + }, + { + "bbox": [ + 21, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49224.mp4", + "variation_id": 0, + "video_id": "45433" + }, + { + "bbox": [ + 216, + 13, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/purple.mp4", + "variation_id": 0, + "video_id": "45434" + }, + { + "bbox": [ + 286, + 36, + 1094, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Purple.mp4", + "variation_id": 0, + "video_id": "45435" + }, + { + "bbox": [ + 174, + 3, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757349.9136.mp4", + "variation_id": 0, + "video_id": "45436" + }, + { + "bbox": [ + 84, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/purple.mp4", + "variation_id": 0, + "video_id": "45437" + } + ] + }, + { + "gloss": "right", + "instances": [ + { + "bbox": [ + 190, + 0, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=e1RF5h4OgOg", + "variation_id": 0, + "video_id": "68142" + }, + { + "bbox": [ + 26, + 9, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/right_correct.swf", + "variation_id": 0, + "video_id": "48122" + }, + { + "bbox": [ + 14, + 0, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/right_direction.swf", + "variation_id": 1, + "video_id": "48123" + }, + { + "bbox": [ + 222, + 16, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/right.mp4", + "variation_id": 0, + "video_id": "48105" + }, + { + "bbox": [ + 163, + 54, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/correct.mp4", + "variation_id": 0, + "video_id": "48124" + }, + { + "bbox": [ + 147, + 49, + 540, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/right.mp4", + "variation_id": 1, + "video_id": "48126" + }, + { + "bbox": [ + 500, + 46, + 1574, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Right%2C%20Correct-XhAAfS8YF4o.mp4", + "variation_id": 0, + "video_id": "48106" + }, + { + "bbox": [ + 663, + 79, + 1478, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Right-VC1zsuX_WU4.mp4", + "variation_id": 1, + "video_id": "48107" + }, + { + "bbox": [ + 126, + 24, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466903512.8429.mp4", + "variation_id": 0, + "video_id": "48108" + }, + { + "bbox": [ + 101, + 16, + 341, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0AbAh8gsQZg", + "variation_id": 1, + "video_id": "67143" + }, + { + "bbox": [ + 47, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761005.7507.mp4", + "variation_id": 1, + "video_id": "48109" + }, + { + "bbox": [ + 86, + 15, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/right-correct2.mp4", + "variation_id": 0, + "video_id": "48111" + }, + { + "bbox": [ + 20, + 16, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/right-dir.mp4", + "variation_id": 1, + "video_id": "48112" + }, + { + "bbox": [ + 114, + 18, + 339, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bmc1BJWo_Pw", + "variation_id": 0, + "video_id": "67142" + }, + { + "bbox": [ + 76, + 20, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22624.mp4", + "variation_id": 1, + "video_id": "48114" + }, + { + "bbox": [ + 86, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6234.mp4", + "variation_id": 0, + "video_id": "48115" + }, + { + "bbox": [ + 353, + 46, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5UnUWDYxfv0", + "variation_id": 0, + "video_id": "48117" + }, + { + "bbox": [ + 319, + 39, + 933, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mxX9mVMl8O4", + "variation_id": 1, + "video_id": "48120" + } + ] + }, + { + "gloss": "same", + "instances": [ + { + "bbox": [ + 61, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50775.mp4", + "variation_id": 0, + "video_id": "49173" + }, + { + "bbox": [ + 356, + 5, + 922, + 720 + ], + "fps": 25, + "frame_end": 39, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=rDAGt54vEsI", + "variation_id": 0, + "video_id": "68856" + }, + { + "bbox": [ + 349, + 56, + 1688, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Same%2C%20Similar-u52CAu7ygrY.mp4", + "variation_id": 0, + "video_id": "49175" + }, + { + "bbox": [ + 534, + 73, + 1483, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Same-DeqpnWES_bs.mp4", + "variation_id": 0, + "video_id": "49176" + }, + { + "bbox": [ + 126, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762687.6352.mp4", + "variation_id": 0, + "video_id": "49178" + }, + { + "bbox": [ + 14, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/same-also.mp4", + "variation_id": 0, + "video_id": "49179" + }, + { + "bbox": [ + 140, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/same-as.mp4", + "variation_id": 1, + "video_id": "49180" + }, + { + "bbox": [ + 70, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14298.mp4", + "variation_id": 0, + "video_id": "49181" + }, + { + "bbox": [ + 60, + 10, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8807.mp4", + "variation_id": 1, + "video_id": "49182" + }, + { + "bbox": [ + 102, + 16, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BZxoTuwBHvA", + "variation_id": 0, + "video_id": "67159" + }, + { + "bbox": [ + 102, + 14, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sR_PzooQLx4", + "variation_id": 1, + "video_id": "67161" + }, + { + "bbox": [ + 65, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8808.mp4", + "variation_id": 1, + "video_id": "49183" + }, + { + "bbox": [ + 340, + 48, + 932, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=cnX45VWbjmc", + "variation_id": 0, + "video_id": "49184" + }, + { + "bbox": [ + 328, + 45, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=o1NMZAc7vO4", + "variation_id": 0, + "video_id": "49185" + }, + { + "bbox": [ + 319, + 70, + 894, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OwtSP1QozuE", + "variation_id": 1, + "video_id": "49186" + }, + { + "bbox": [ + 17, + 8, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/same.swf", + "variation_id": 0, + "video_id": "49187" + }, + { + "bbox": [ + 199, + 48, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/same.mp4", + "variation_id": 1, + "video_id": "49188" + }, + { + "bbox": [ + 500, + 45, + 1725, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Same%202-YS_M2kWlN4E.mp4", + "variation_id": 1, + "video_id": "49174" + } + ] + }, + { + "gloss": "son", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6694, + "frame_start": 6645, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53258" + }, + { + "bbox": [ + 225, + 12, + 987, + 720 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=Aq6l7fEWRVM", + "variation_id": 0, + "video_id": "68336" + }, + { + "bbox": [ + 157, + 46, + 440, + 360 + ], + "fps": 25, + "frame_end": 1869, + "frame_start": 1749, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70335" + }, + { + "bbox": [ + 53, + 13, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/son.mp4", + "variation_id": 0, + "video_id": "53272" + }, + { + "bbox": [ + 51, + 14, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6483.mp4", + "variation_id": 0, + "video_id": "53273" + }, + { + "bbox": [ + 47, + 17, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8467.mp4", + "variation_id": 0, + "video_id": "53274" + }, + { + "bbox": [ + 51, + 16, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8468.mp4", + "variation_id": 0, + "video_id": "53275" + }, + { + "bbox": [ + 94, + 5, + 512, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IRIy8xUFfHk", + "variation_id": 0, + "video_id": "53276" + }, + { + "bbox": [ + 242, + 43, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=JtgGFe8HIFQ", + "variation_id": 0, + "video_id": "53277" + }, + { + "bbox": [ + 148, + 44, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SON-1095.mp4", + "variation_id": 0, + "video_id": "66531" + }, + { + "bbox": [ + 159, + 16, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SON-2294.mp4", + "variation_id": 0, + "video_id": "66532" + }, + { + "bbox": [ + 397, + 71, + 853, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/son.mp4", + "variation_id": 0, + "video_id": "53268" + }, + { + "bbox": [ + 96, + 11, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rbEp5hFQljM", + "variation_id": 0, + "video_id": "67227" + }, + { + "bbox": [ + 12, + 8, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/son.swf", + "variation_id": 0, + "video_id": "53278" + }, + { + "bbox": [ + 188, + 53, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/son.mp4", + "variation_id": 0, + "video_id": "53279" + }, + { + "bbox": [ + 397, + 48, + 1640, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Son%20old-cbYUv1Dfe-E.mp4", + "variation_id": 0, + "video_id": "53269" + }, + { + "bbox": [ + 790, + 55, + 1742, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Son-xK7RVeNsExY.mp4", + "variation_id": 0, + "video_id": "53270" + }, + { + "bbox": [ + 123, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776548.4657.mp4", + "variation_id": 0, + "video_id": "53271" + } + ] + }, + { + "gloss": "tell", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 876, + "frame_start": 840, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57273" + }, + { + "bbox": [ + 134, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468943705.2416.mp4", + "variation_id": 0, + "video_id": "57278" + }, + { + "bbox": [ + 95, + 0, + 452, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tell-me.mp4", + "variation_id": 0, + "video_id": "57279" + }, + { + "bbox": [ + 124, + 0, + 493, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tell.mp4", + "variation_id": 0, + "video_id": "57280" + }, + { + "bbox": [ + 45, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tell-them.mp4", + "variation_id": 0, + "video_id": "57281" + }, + { + "bbox": [ + 74, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14398.mp4", + "variation_id": 0, + "video_id": "57282" + }, + { + "bbox": [ + 62, + 17, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6412.mp4", + "variation_id": 0, + "video_id": "57283" + }, + { + "bbox": [ + 80, + 14, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7823.mp4", + "variation_id": 0, + "video_id": "57284" + }, + { + "bbox": [ + 69, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9494.mp4", + "variation_id": 0, + "video_id": "57285" + }, + { + "bbox": [ + 62, + 6, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58555.mp4", + "variation_id": 0, + "video_id": "57276" + }, + { + "bbox": [ + 112, + 21, + 340, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/giIzGcYftow", + "variation_id": 0, + "video_id": "67287" + }, + { + "bbox": [ + 73, + 13, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9495.mp4", + "variation_id": 0, + "video_id": "57286" + }, + { + "bbox": [ + 76, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9828.mp4", + "variation_id": 0, + "video_id": "57287" + }, + { + "bbox": [ + 388, + 44, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SvfopPYaJJU", + "variation_id": 0, + "video_id": "57288" + }, + { + "bbox": [ + 305, + 40, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Uda6XJH18yw", + "variation_id": 0, + "video_id": "57289" + }, + { + "bbox": [ + 0, + 7, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/tell.swf", + "variation_id": 0, + "video_id": "57290" + }, + { + "bbox": [ + 186, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tell.mp4", + "variation_id": 0, + "video_id": "57291" + }, + { + "bbox": [ + 794, + 68, + 1572, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tell-BJ_V7T3naFY.mp4", + "variation_id": 0, + "video_id": "57277" + } + ] + }, + { + "gloss": "thursday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2707, + "frame_start": 2655, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58359" + }, + { + "bbox": [ + 166, + 19, + 472, + 480 + ], + "fps": 25, + "frame_end": 1493, + "frame_start": 1402, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70026" + }, + { + "bbox": [ + 523, + 13, + 1374, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thursday-rvL5KYKyuS8.mp4", + "variation_id": 0, + "video_id": "58362" + }, + { + "bbox": [ + 92, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945192.6467.mp4", + "variation_id": 0, + "video_id": "58363" + }, + { + "bbox": [ + 34, + 9, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/thursday.mp4", + "variation_id": 0, + "video_id": "58364" + }, + { + "bbox": [ + 77, + 10, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6019.mp4", + "variation_id": 0, + "video_id": "58365" + }, + { + "bbox": [ + 79, + 11, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6020.mp4", + "variation_id": 0, + "video_id": "58366" + }, + { + "bbox": [ + 358, + 37, + 952, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=avbqdo5HoQc", + "variation_id": 0, + "video_id": "58367" + }, + { + "bbox": [ + 352, + 44, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=PJs5VaRTMak", + "variation_id": 0, + "video_id": "58368" + }, + { + "bbox": [ + 166, + 30, + 453, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THURSDAY-1224.mp4", + "variation_id": 0, + "video_id": "66637" + }, + { + "bbox": [ + 177, + 30, + 453, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THURSDAY-1228.mp4", + "variation_id": 0, + "video_id": "66638" + }, + { + "bbox": [ + 133, + 32, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THURSDAY-1229.mp4", + "variation_id": 0, + "video_id": "66639" + }, + { + "bbox": [ + 134, + 30, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THURSDAY-1331.mp4", + "variation_id": 0, + "video_id": "66640" + }, + { + "bbox": [ + 95, + 13, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3HztBiJlikY", + "variation_id": 0, + "video_id": "67306" + }, + { + "bbox": [ + 6, + 19, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/thursday.swf", + "variation_id": 0, + "video_id": "58369" + }, + { + "bbox": [ + 163, + 53, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/thursday.mp4", + "variation_id": 0, + "video_id": "58370" + }, + { + "bbox": [ + 54, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50882.mp4", + "variation_id": 0, + "video_id": "58360" + }, + { + "bbox": [ + 401, + 54, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/thursday.mp4", + "variation_id": 0, + "video_id": "58361" + } + ] + }, + { + "gloss": "visit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 615, + "frame_start": 559, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61804" + }, + { + "bbox": [ + 235, + 7, + 949, + 720 + ], + "fps": 25, + "frame_end": 101, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=4nMNMyBAXQw", + "variation_id": 0, + "video_id": "68248" + }, + { + "bbox": [ + 679, + 58, + 1662, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Visit%202-5Dgxt9vLDMQ.mp4", + "variation_id": 0, + "video_id": "61807" + }, + { + "bbox": [ + 688, + 58, + 1648, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Visit%203-7FEKfpGz_vQ.mp4", + "variation_id": 0, + "video_id": "61808" + }, + { + "bbox": [ + 614, + 75, + 1583, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Visit-psRhQvN_hLo.mp4", + "variation_id": 0, + "video_id": "61809" + }, + { + "bbox": [ + 155, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468926605.5501.mp4", + "variation_id": 0, + "video_id": "61810" + }, + { + "bbox": [ + 72, + 24, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/visit.mp4", + "variation_id": 0, + "video_id": "61811" + }, + { + "bbox": [ + 61, + 8, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14209.mp4", + "variation_id": 0, + "video_id": "61812" + }, + { + "bbox": [ + 74, + 3, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=PWLbRrwK4i8", + "variation_id": 0, + "video_id": "61813" + }, + { + "bbox": [ + 188, + 30, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VI/VISIT-2507.mp4", + "variation_id": 0, + "video_id": "66731" + }, + { + "bbox": [ + 242, + 46, + 1047, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PWLbRrwK4i8", + "variation_id": 0, + "video_id": "61814" + }, + { + "bbox": [ + 118, + 49, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QlBgIziCGWM", + "variation_id": 0, + "video_id": "61815" + }, + { + "bbox": [ + 142, + 42, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SWefjHHUouc", + "variation_id": 0, + "video_id": "61816" + }, + { + "bbox": [ + 290, + 32, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wosMxHHFE_4", + "variation_id": 0, + "video_id": "61817" + }, + { + "bbox": [ + 18, + 5, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/visit.swf", + "variation_id": 0, + "video_id": "61818" + }, + { + "bbox": [ + 229, + 38, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/visit.mp4", + "variation_id": 0, + "video_id": "61819" + }, + { + "bbox": [ + 41, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51501.mp4", + "variation_id": 0, + "video_id": "61805" + }, + { + "bbox": [ + 425, + 57, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/visit.mp4", + "variation_id": 0, + "video_id": "61806" + } + ] + }, + { + "gloss": "wait", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 86, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62077" + }, + { + "bbox": [ + 202, + 52, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/stall.mp4", + "variation_id": 0, + "video_id": "62113" + }, + { + "bbox": [ + 420, + 50, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wait.mp4", + "variation_id": 0, + "video_id": "62098" + }, + { + "bbox": [ + 330, + 19, + 761, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20wait-g4zPWVKTVc4.mp4", + "variation_id": 0, + "video_id": "62100" + }, + { + "bbox": [ + 690, + 68, + 1621, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wait-hooZv2wCujw.mp4", + "variation_id": 0, + "video_id": "62101" + }, + { + "bbox": [ + 553, + 73, + 1410, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wait-mo6REHINcoE.mp4", + "variation_id": 0, + "video_id": "62102" + }, + { + "bbox": [ + 149, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926839.9265.mp4", + "variation_id": 0, + "video_id": "62103" + }, + { + "bbox": [ + 63, + 21, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wait-long.mp4", + "variation_id": 0, + "video_id": "62104" + }, + { + "bbox": [ + 80, + 15, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wait.mp4", + "variation_id": 0, + "video_id": "62105" + }, + { + "bbox": [ + 83, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7259.mp4", + "variation_id": 0, + "video_id": "62106" + }, + { + "bbox": [ + 194, + 30, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 107, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WAIT-1405.mp4", + "variation_id": 0, + "video_id": "66740" + }, + { + "bbox": [ + 49, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50933.mp4", + "variation_id": 0, + "video_id": "62097" + }, + { + "bbox": [ + 102, + 10, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/QlMV4KuPClU", + "variation_id": 0, + "video_id": "67034" + }, + { + "bbox": [ + 61, + 9, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9671.mp4", + "variation_id": 0, + "video_id": "62107" + }, + { + "bbox": [ + 157, + 13, + 509, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=D-zw_kLwYzI", + "variation_id": 0, + "video_id": "62109" + }, + { + "bbox": [ + 379, + 53, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 80, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=mhJvv6lTQ90", + "variation_id": 0, + "video_id": "62110" + }, + { + "bbox": [ + 337, + 4, + 1152, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YfwgS9ZsBVw", + "variation_id": 0, + "video_id": "62111" + }, + { + "bbox": [ + 20, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wait.swf", + "variation_id": 0, + "video_id": "62112" + } + ] + }, + { + "gloss": "water", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 763, + "frame_start": 711, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62479" + }, + { + "bbox": [ + 106, + 0, + 1153, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=HHX-yrm-DMk", + "variation_id": 0, + "video_id": "68179" + }, + { + "bbox": [ + 156, + 26, + 459, + 480 + ], + "fps": 25, + "frame_end": 3016, + "frame_start": 2913, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70069" + }, + { + "bbox": [ + 114, + 17, + 548, + 360 + ], + "fps": 25, + "frame_end": 126, + "frame_start": 74, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=n1LXJrNY5Cs", + "variation_id": 0, + "video_id": "68722" + }, + { + "bbox": [ + 127, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/water.mp4", + "variation_id": 0, + "video_id": "62504" + }, + { + "bbox": [ + 89, + 21, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22969.mp4", + "variation_id": 0, + "video_id": "62505" + }, + { + "bbox": [ + 89, + 22, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22970.mp4", + "variation_id": 0, + "video_id": "62506" + }, + { + "bbox": [ + 172, + 7, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QDlDLqvdApI", + "variation_id": 0, + "video_id": "62507" + }, + { + "bbox": [ + 401, + 40, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=-SdOfxGhb0A", + "variation_id": 0, + "video_id": "62508" + }, + { + "bbox": [ + 203, + 25, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WATER-1414.mp4", + "variation_id": 0, + "video_id": "66752" + }, + { + "bbox": [ + 88, + 8, + 220, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/water.mov", + "variation_id": 0, + "video_id": "62499" + }, + { + "bbox": [ + 131, + 16, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BWUyTapkOvM", + "variation_id": 0, + "video_id": "67044" + }, + { + "bbox": [ + 27, + 6, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/water.swf", + "variation_id": 0, + "video_id": "62509" + }, + { + "bbox": [ + 201, + 52, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/water.mp4", + "variation_id": 0, + "video_id": "62510" + }, + { + "bbox": [ + 53, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486561.mp4", + "variation_id": 0, + "video_id": "62500" + }, + { + "bbox": [ + 239, + 16, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/water.mp4", + "variation_id": 0, + "video_id": "62501" + }, + { + "bbox": [ + 365, + 18, + 801, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Water-4xQijOap0PY.mp4", + "variation_id": 0, + "video_id": "62502" + }, + { + "bbox": [ + 133, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927236.4055.mp4", + "variation_id": 0, + "video_id": "62503" + } + ] + }, + { + "gloss": "wife", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2411, + "frame_start": 2359, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63325" + }, + { + "bbox": [ + 198, + 47, + 440, + 360 + ], + "fps": 25, + "frame_end": 1563, + "frame_start": 1473, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70333" + }, + { + "bbox": [ + 298, + 18, + 857, + 720 + ], + "fps": 25, + "frame_end": 48, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=OKIo57nAGU0", + "variation_id": 0, + "video_id": "68766" + }, + { + "bbox": [ + 96, + 4, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928479.8850.mp4", + "variation_id": 0, + "video_id": "63329" + }, + { + "bbox": [ + 125, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wife2.mp4", + "variation_id": 0, + "video_id": "63330" + }, + { + "bbox": [ + 120, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wife.mp4", + "variation_id": 0, + "video_id": "63331" + }, + { + "bbox": [ + 70, + 23, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23356.mp4", + "variation_id": 0, + "video_id": "63332" + }, + { + "bbox": [ + 62, + 18, + 432, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Fk4hePvsGxA", + "variation_id": 0, + "video_id": "63333" + }, + { + "bbox": [ + 350, + 36, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=HRv4XLlwdcc", + "variation_id": 0, + "video_id": "63334" + }, + { + "bbox": [ + 164, + 4, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WIFE-1434.mp4", + "variation_id": 0, + "video_id": "66784" + }, + { + "bbox": [ + 158, + 4, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WIFE-2237.mp4", + "variation_id": 0, + "video_id": "66785" + }, + { + "bbox": [ + 87, + 22, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hWfPA0ZltzE", + "variation_id": 0, + "video_id": "67068" + }, + { + "bbox": [ + 350, + 36, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HRv4XLlwdcc", + "variation_id": 0, + "video_id": "63335" + }, + { + "bbox": [ + 19, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wife.swf", + "variation_id": 0, + "video_id": "63336" + }, + { + "bbox": [ + 191, + 60, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wife.mp4", + "variation_id": 0, + "video_id": "63337" + }, + { + "bbox": [ + 31, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 42, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51069.mp4", + "variation_id": 0, + "video_id": "63326" + }, + { + "bbox": [ + 236, + 14, + 530, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wife.mp4", + "variation_id": 0, + "video_id": "63327" + }, + { + "bbox": [ + 527, + 57, + 1580, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wife-945Zh95UWMI.mp4", + "variation_id": 0, + "video_id": "63328" + } + ] + }, + { + "gloss": "yellow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 104, + "frame_start": 78, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64260" + }, + { + "bbox": [ + 256, + 41, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/yellow.mp4", + "variation_id": 0, + "video_id": "69545" + }, + { + "bbox": [ + 247, + 0, + 638, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=iFSTgu0O-cY", + "variation_id": 0, + "video_id": "68191" + }, + { + "bbox": [ + 349, + 9, + 900, + 720 + ], + "fps": 25, + "frame_end": 36, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=VkyiF6YLSlc", + "variation_id": 0, + "video_id": "68964" + }, + { + "bbox": [ + 131, + 43, + 395, + 360 + ], + "fps": 25, + "frame_end": 521, + "frame_start": 416, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70240" + }, + { + "bbox": [ + 85, + 19, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7598.mp4", + "variation_id": 0, + "video_id": "64266" + }, + { + "bbox": [ + 382, + 71, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=7JiwJ_ACDjs", + "variation_id": 0, + "video_id": "64267" + }, + { + "bbox": [ + 356, + 47, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GY90AmJYl0E", + "variation_id": 0, + "video_id": "64268" + }, + { + "bbox": [ + 362, + 20, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 47, + "source": "scott", + "split": "val", + "url": "https://www.youtube.com/watch?v=ZTkUfFaizqM", + "variation_id": 0, + "video_id": "64269" + }, + { + "bbox": [ + 162, + 11, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/YE/YELLOW-1470.mp4", + "variation_id": 0, + "video_id": "66819" + }, + { + "bbox": [ + 77, + 18, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/beC9KQF_r1Q", + "variation_id": 0, + "video_id": "67013" + }, + { + "bbox": [ + 21, + 8, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/y/yellow.swf", + "variation_id": 0, + "video_id": "64270" + }, + { + "bbox": [ + 226, + 43, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/yellow.mp4", + "variation_id": 0, + "video_id": "64271" + }, + { + "bbox": [ + 43, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51105.mp4", + "variation_id": 0, + "video_id": "64261" + }, + { + "bbox": [ + 245, + 12, + 534, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/yellow.mp4", + "variation_id": 0, + "video_id": "64262" + }, + { + "bbox": [ + 356, + 43, + 1083, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Yellow.mp4", + "variation_id": 0, + "video_id": "64263" + }, + { + "bbox": [ + 125, + 2, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468774968.1234.mp4", + "variation_id": 0, + "video_id": "64264" + }, + { + "bbox": [ + 88, + 6, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/yellow.mp4", + "variation_id": 0, + "video_id": "64265" + } + ] + }, + { + "gloss": "backpack", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 306, + "frame_start": 257, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04614" + }, + { + "bbox": [ + 316, + 0, + 976, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=v5B1j9lFKts", + "variation_id": 1, + "video_id": "68956" + }, + { + "bbox": [ + 275, + 14, + 1254, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Backpack-Q0krKdFUujw.mp4", + "variation_id": 1, + "video_id": "04618" + }, + { + "bbox": [ + 641, + 70, + 1566, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Backpack-QE2mPtq4Rh4.mp4", + "variation_id": 1, + "video_id": "04619" + }, + { + "bbox": [ + 112, + 81, + 701, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1545783889.6913.mp4", + "variation_id": 1, + "video_id": "04620" + }, + { + "bbox": [ + 32, + 10, + 312, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/backpack.mp4", + "variation_id": 0, + "video_id": "04621" + }, + { + "bbox": [ + 51, + 1, + 305, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/backpack-travel.mp4", + "variation_id": 1, + "video_id": "04622" + }, + { + "bbox": [ + 31, + 13, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5369.mp4", + "variation_id": 0, + "video_id": "04624" + }, + { + "bbox": [ + 170, + 0, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BACKPACK-408.mp4", + "variation_id": 1, + "video_id": "65123" + }, + { + "bbox": [ + 569, + 49, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Backpack%202-ogbE4s8sAO0.mp4", + "variation_id": 0, + "video_id": "04616" + }, + { + "bbox": [ + 350, + 33, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=B9TD7vd2-lo", + "variation_id": 0, + "video_id": "04626" + }, + { + "bbox": [ + 356, + 33, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=iTlF3KqKQUA", + "variation_id": 0, + "video_id": "04627" + }, + { + "bbox": [ + 292, + 31, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Le7g5M_zIJQ", + "variation_id": 1, + "video_id": "04628" + }, + { + "bbox": [ + 347, + 31, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=St5PWSrZpOY", + "variation_id": 1, + "video_id": "04629" + }, + { + "bbox": [ + 2, + 1, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/backpack.swf", + "variation_id": 1, + "video_id": "04630" + }, + { + "bbox": [ + 161, + 52, + 558, + 397 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/backpack.mp4", + "variation_id": 1, + "video_id": "04631" + }, + { + "bbox": [ + 661, + 59, + 1747, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Backpack-JmEh_jXrVGU.mp4", + "variation_id": 1, + "video_id": "04617" + } + ] + }, + { + "gloss": "bar", + "instances": [ + { + "bbox": [ + 180, + 30, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 91, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BAR-2203.mp4", + "variation_id": 0, + "video_id": "65137" + }, + { + "bbox": [ + 207, + 24, + 1031, + 720 + ], + "fps": 25, + "frame_end": 95, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=kGPN_mu3qQM", + "variation_id": 0, + "video_id": "68626" + }, + { + "bbox": [ + 230, + 37, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bar.mp4", + "variation_id": 0, + "video_id": "05103" + }, + { + "bbox": [ + 415, + 64, + 822, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bar.mp4", + "variation_id": 0, + "video_id": "05086" + }, + { + "bbox": [ + 577, + 79, + 1496, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bar-JB6vFqncL3E.mp4", + "variation_id": 0, + "video_id": "05087" + }, + { + "bbox": [ + 59, + 24, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466648858.5329.mp4", + "variation_id": 1, + "video_id": "05088" + }, + { + "bbox": [ + 124, + 30, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466648932.5606.mp4", + "variation_id": 0, + "video_id": "05089" + }, + { + "bbox": [ + 147, + 6, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757192.2435.mp4", + "variation_id": 0, + "video_id": "05090" + }, + { + "bbox": [ + 100, + 0, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bar-pub.mp4", + "variation_id": 0, + "video_id": "05092" + }, + { + "bbox": [ + 38, + 11, + 604, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bar-rod.mp4", + "variation_id": 1, + "video_id": "05093" + }, + { + "bbox": [ + 108, + 0, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/EoFo7upFN8g", + "variation_id": 0, + "video_id": "67389" + }, + { + "bbox": [ + 64, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5077.mp4", + "variation_id": 1, + "video_id": "05095" + }, + { + "bbox": [ + 45, + 10, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5079.mp4", + "variation_id": 1, + "video_id": "05097" + }, + { + "bbox": [ + 45, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7456.mp4", + "variation_id": 0, + "video_id": "05098" + }, + { + "bbox": [ + 281, + 43, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=-qJFy-ADQGY", + "variation_id": 0, + "video_id": "05099" + }, + { + "bbox": [ + 0, + 10, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bar.swf", + "variation_id": 1, + "video_id": "05101" + }, + { + "bbox": [ + 189, + 37, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/bar2.mp4", + "variation_id": 1, + "video_id": "05102" + } + ] + }, + { + "gloss": "brother", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4925, + "frame_start": 4893, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07929" + }, + { + "bbox": [ + 347, + 17, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/brother.mp4", + "variation_id": 0, + "video_id": "69251" + }, + { + "bbox": [ + 329, + 22, + 923, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=jdl69Fp9eg8", + "variation_id": 0, + "video_id": "68594" + }, + { + "bbox": [ + 248, + 12, + 612, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Brother.mp4", + "variation_id": 0, + "video_id": "07937" + }, + { + "bbox": [ + 98, + 28, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466724511.7331.mp4", + "variation_id": 0, + "video_id": "07938" + }, + { + "bbox": [ + 28, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/brother.mp4", + "variation_id": 0, + "video_id": "07939" + }, + { + "bbox": [ + 68, + 8, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5783.mp4", + "variation_id": 0, + "video_id": "07940" + }, + { + "bbox": [ + 359, + 34, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G0fzmn3pQng", + "variation_id": 0, + "video_id": "07941" + }, + { + "bbox": [ + 164, + 15, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BROTHER-52.mp4", + "variation_id": 0, + "video_id": "65262" + }, + { + "bbox": [ + 51, + 5, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125568.mp4", + "variation_id": 0, + "video_id": "07932" + }, + { + "bbox": [ + 104, + 6, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/0j1ddj7K5X8", + "variation_id": 0, + "video_id": "67445" + }, + { + "bbox": [ + 0, + 16, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/brother.swf", + "variation_id": 0, + "video_id": "07942" + }, + { + "bbox": [ + 173, + 61, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brother.mp4", + "variation_id": 0, + "video_id": "07943" + }, + { + "bbox": [ + 196, + 13, + 529, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/brother.mp4", + "variation_id": 0, + "video_id": "07933" + }, + { + "bbox": [ + 829, + 61, + 1761, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Boy%20Same%2C%20Brother%202--xhd1F9dpYc.mp4", + "variation_id": 0, + "video_id": "07934" + }, + { + "bbox": [ + 862, + 50, + 1769, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brother%202-aDl0aYDbAkw.mp4", + "variation_id": 0, + "video_id": "07935" + }, + { + "bbox": [ + 832, + 57, + 1738, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brother-JV5uq2ITsh4.mp4", + "variation_id": 0, + "video_id": "07936" + } + ] + }, + { + "gloss": "cat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1234, + "frame_start": 1178, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09431" + }, + { + "bbox": [ + 357, + 37, + 874, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/cat.mp4", + "variation_id": 0, + "video_id": "69261" + }, + { + "bbox": [ + 743, + 79, + 1579, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cat-jfXVt72cOm8.mp4", + "variation_id": 0, + "video_id": "09528" + }, + { + "bbox": [ + 298, + 0, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cat-hs20.mp4", + "variation_id": 0, + "video_id": "09530" + }, + { + "bbox": [ + 52, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cat.mp4", + "variation_id": 0, + "video_id": "09531" + }, + { + "bbox": [ + 84, + 21, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23063.mp4", + "variation_id": 0, + "video_id": "09532" + }, + { + "bbox": [ + 83, + 20, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23064.mp4", + "variation_id": 0, + "video_id": "09533" + }, + { + "bbox": [ + 342, + 45, + 939, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ekFrFoJ-x78", + "variation_id": 0, + "video_id": "09534" + }, + { + "bbox": [ + 156, + 19, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAT-1037.mp4", + "variation_id": 0, + "video_id": "65312" + }, + { + "bbox": [ + 168, + 18, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAT-1040.mp4", + "variation_id": 0, + "video_id": "65313" + }, + { + "bbox": [ + 57, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125842.mp4", + "variation_id": 0, + "video_id": "09525" + }, + { + "bbox": [ + 117, + 11, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/6EEK-SECVDo", + "variation_id": 0, + "video_id": "67477" + }, + { + "bbox": [ + 143, + 35, + 479, + 344 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Pb0K73Dx7uM", + "variation_id": 0, + "video_id": "09535" + }, + { + "bbox": [ + 319, + 50, + 891, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=PHblYe-5h5g", + "variation_id": 0, + "video_id": "09536" + }, + { + "bbox": [ + 20, + 8, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cat.swf", + "variation_id": 0, + "video_id": "09537" + }, + { + "bbox": [ + 215, + 42, + 465, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cat.mp4", + "variation_id": 0, + "video_id": "09538" + }, + { + "bbox": [ + 210, + 18, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cat.mp4", + "variation_id": 0, + "video_id": "09526" + } + ] + }, + { + "gloss": "check", + "instances": [ + { + "bbox": [ + 186, + 34, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHECK-1059.mp4", + "variation_id": 0, + "video_id": "65343" + }, + { + "bbox": [ + 363, + 9, + 829, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Card-Ubjzc778qdo.mp4", + "variation_id": 1, + "video_id": "10184" + }, + { + "bbox": [ + 619, + 69, + 1487, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Check-dhK71WnuPPQ.mp4", + "variation_id": 0, + "video_id": "10185" + }, + { + "bbox": [ + 70, + 23, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466731128.19.mp4", + "variation_id": 1, + "video_id": "10186" + }, + { + "bbox": [ + 88, + 23, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466731165.5151.mp4", + "variation_id": 0, + "video_id": "10187" + }, + { + "bbox": [ + 40, + 12, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468378356.4361.mp4", + "variation_id": 0, + "video_id": "10188" + }, + { + "bbox": [ + 44, + 13, + 476, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/check.mp4", + "variation_id": 0, + "video_id": "10189" + }, + { + "bbox": [ + 48, + 19, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23211.mp4", + "variation_id": 0, + "video_id": "10190" + }, + { + "bbox": [ + 72, + 11, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9988.mp4", + "variation_id": 1, + "video_id": "10192" + }, + { + "bbox": [ + 42, + 1, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125943.mp4", + "variation_id": 0, + "video_id": "10183" + }, + { + "bbox": [ + 86, + 6, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/x-woI4apbkY", + "variation_id": 0, + "video_id": "67491" + }, + { + "bbox": [ + 81, + 15, + 443, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dRiWaohQ2d8", + "variation_id": 1, + "video_id": "10193" + }, + { + "bbox": [ + 277, + 33, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=dRiWaohQ2d8", + "variation_id": 0, + "video_id": "10194" + }, + { + "bbox": [ + 333, + 52, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=v-pa2sZr1a8", + "variation_id": 0, + "video_id": "10195" + }, + { + "bbox": [ + 0, + 16, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/check.swf", + "variation_id": 0, + "video_id": "10196" + }, + { + "bbox": [ + 181, + 55, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/check4.mp4", + "variation_id": 0, + "video_id": "10197" + }, + { + "bbox": [ + 184, + 50, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/check.mp4", + "variation_id": 1, + "video_id": "10199" + } + ] + }, + { + "gloss": "class", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3591, + "frame_start": 3539, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10965" + }, + { + "bbox": [ + 331, + 38, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/class.mp4", + "variation_id": 0, + "video_id": "69270" + }, + { + "bbox": [ + 108, + 15, + 526, + 360 + ], + "fps": 25, + "frame_end": 60, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=cecj9ZwnEHM", + "variation_id": 0, + "video_id": "68376" + }, + { + "bbox": [ + 123, + 0, + 1197, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=chZxUBeO5Oo", + "variation_id": 0, + "video_id": "68021" + }, + { + "bbox": [ + 331, + 10, + 950, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=T87bUZQZmSw", + "variation_id": 0, + "video_id": "68900" + }, + { + "bbox": [ + 176, + 0, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zYsmQgZRW0g", + "variation_id": 0, + "video_id": "10974" + }, + { + "bbox": [ + 0, + 19, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/class.swf", + "variation_id": 0, + "video_id": "10975" + }, + { + "bbox": [ + 185, + 51, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/class.mp4", + "variation_id": 0, + "video_id": "10976" + }, + { + "bbox": [ + 160, + 15, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CL/CLASS-585.mp4", + "variation_id": 0, + "video_id": "65364" + }, + { + "bbox": [ + 26, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 57, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/62732.mp4", + "variation_id": 0, + "video_id": "10967" + }, + { + "bbox": [ + 87, + 7, + 403, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Myn8y2k4Vsg", + "variation_id": 0, + "video_id": "67502" + }, + { + "bbox": [ + 197, + 16, + 553, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/class.mp4", + "variation_id": 0, + "video_id": "10968" + }, + { + "bbox": [ + 476, + 39, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Class.mp4", + "variation_id": 0, + "video_id": "10969" + }, + { + "bbox": [ + 110, + 16, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466898679.4866.mp4", + "variation_id": 0, + "video_id": "10970" + }, + { + "bbox": [ + 64, + 8, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/class.mp4", + "variation_id": 0, + "video_id": "10971" + }, + { + "bbox": [ + 65, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9005.mp4", + "variation_id": 0, + "video_id": "10972" + }, + { + "bbox": [ + 65, + 4, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9413.mp4", + "variation_id": 0, + "video_id": "10973" + } + ] + }, + { + "gloss": "cry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7189, + "frame_start": 7133, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14172" + }, + { + "bbox": [ + 182, + 64, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/cry.mp4", + "variation_id": 0, + "video_id": "14190" + }, + { + "bbox": [ + 430, + 62, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cry.mp4", + "variation_id": 0, + "video_id": "14175" + }, + { + "bbox": [ + 752, + 67, + 1641, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cry-h4Wi_1czvI8.mp4", + "variation_id": 0, + "video_id": "14176" + }, + { + "bbox": [ + 116, + 29, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466905512.2250.mp4", + "variation_id": 0, + "video_id": "14177" + }, + { + "bbox": [ + 0, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cry2.mp4", + "variation_id": 0, + "video_id": "14178" + }, + { + "bbox": [ + 48, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cry.mp4", + "variation_id": 0, + "video_id": "14179" + }, + { + "bbox": [ + 68, + 10, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14521.mp4", + "variation_id": 0, + "video_id": "14180" + }, + { + "bbox": [ + 62, + 11, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9349.mp4", + "variation_id": 0, + "video_id": "14182" + }, + { + "bbox": [ + 65, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9350.mp4", + "variation_id": 0, + "video_id": "14183" + }, + { + "bbox": [ + 139, + 16, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 99, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CR/CRY-437.mp4", + "variation_id": 0, + "video_id": "65427" + }, + { + "bbox": [ + 48, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 53, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51555.mp4", + "variation_id": 0, + "video_id": "14174" + }, + { + "bbox": [ + 100, + 7, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TcODOeucG60", + "variation_id": 0, + "video_id": "67545" + }, + { + "bbox": [ + 320, + 54, + 864, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=2d8EvTygLOc", + "variation_id": 0, + "video_id": "14185" + }, + { + "bbox": [ + 215, + 33, + 1068, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=N6EpoWObVVU", + "variation_id": 0, + "video_id": "14186" + }, + { + "bbox": [ + 10, + 9, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cry.swf", + "variation_id": 0, + "video_id": "14187" + }, + { + "bbox": [ + 179, + 63, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cry2.mp4", + "variation_id": 0, + "video_id": "14188" + } + ] + }, + { + "gloss": "different", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2635, + "frame_start": 2596, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16190" + }, + { + "bbox": [ + 190, + 18, + 650, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=iPVMxOaLm18", + "variation_id": 0, + "video_id": "68034" + }, + { + "bbox": [ + 357, + 0, + 932, + 720 + ], + "fps": 25, + "frame_end": 56, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=LsG5Pxe7bq4", + "variation_id": 0, + "video_id": "68666" + }, + { + "bbox": [ + 69, + 13, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909581.7651.mp4", + "variation_id": 0, + "video_id": "16195" + }, + { + "bbox": [ + 36, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/different2.mp4", + "variation_id": 0, + "video_id": "16196" + }, + { + "bbox": [ + 64, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/different.mp4", + "variation_id": 0, + "video_id": "16197" + }, + { + "bbox": [ + 70, + 12, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7825.mp4", + "variation_id": 0, + "video_id": "16198" + }, + { + "bbox": [ + 222, + 1, + 1153, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EunD6JXshgY", + "variation_id": 0, + "video_id": "16199" + }, + { + "bbox": [ + 142, + 17, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIFFERENT-106.mp4", + "variation_id": 0, + "video_id": "65480" + }, + { + "bbox": [ + 277, + 19, + 1037, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KTy-PKpWS-Y", + "variation_id": 0, + "video_id": "16200" + }, + { + "bbox": [ + 277, + 19, + 1037, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=KTy-PKpWS-Y", + "variation_id": 0, + "video_id": "16201" + }, + { + "bbox": [ + 1, + 8, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/different.swf", + "variation_id": 0, + "video_id": "16202" + }, + { + "bbox": [ + 195, + 57, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/differ.mp4", + "variation_id": 0, + "video_id": "16203" + }, + { + "bbox": [ + 29, + 0, + 310, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/different.mov", + "variation_id": 0, + "video_id": "16191" + }, + { + "bbox": [ + 27, + 0, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 78, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399472.mp4", + "variation_id": 0, + "video_id": "16192" + }, + { + "bbox": [ + 213, + 16, + 539, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/different.mp4", + "variation_id": 0, + "video_id": "16193" + }, + { + "bbox": [ + 386, + 61, + 1797, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Different-JM7Z5mfnrSk.mp4", + "variation_id": 0, + "video_id": "16194" + } + ] + }, + { + "gloss": "door", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4189, + "frame_start": 4113, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17317" + }, + { + "bbox": [ + 152, + 39, + 402, + 360 + ], + "fps": 25, + "frame_end": 3372, + "frame_start": 3255, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70264" + }, + { + "bbox": [ + 257, + 0, + 662, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y24sRF_8lFU", + "variation_id": 0, + "video_id": "68038" + }, + { + "bbox": [ + 108, + 11, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773171.4474.mp4", + "variation_id": 0, + "video_id": "17327" + }, + { + "bbox": [ + 69, + 2, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/door.mp4", + "variation_id": 0, + "video_id": "17329" + }, + { + "bbox": [ + 54, + 10, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9542.mp4", + "variation_id": 0, + "video_id": "17330" + }, + { + "bbox": [ + 118, + 38, + 430, + 345 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ajNNZaXf45Q", + "variation_id": 0, + "video_id": "17331" + }, + { + "bbox": [ + 326, + 22, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ajNNZaXf45Q", + "variation_id": 0, + "video_id": "17332" + }, + { + "bbox": [ + 390, + 66, + 917, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=WCGDN5CniTY", + "variation_id": 0, + "video_id": "17333" + }, + { + "bbox": [ + 176, + 16, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOOR-116.mp4", + "variation_id": 0, + "video_id": "65520" + }, + { + "bbox": [ + 45, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58457.mp4", + "variation_id": 0, + "video_id": "17324" + }, + { + "bbox": [ + 110, + 21, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/_tGFUbZjhKs", + "variation_id": 0, + "video_id": "67583" + }, + { + "bbox": [ + 350, + 29, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xzIU5tmBrLc", + "variation_id": 0, + "video_id": "17334" + }, + { + "bbox": [ + 0, + 16, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/door.swf", + "variation_id": 0, + "video_id": "17335" + }, + { + "bbox": [ + 234, + 43, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/door.mp4", + "variation_id": 0, + "video_id": "17336" + }, + { + "bbox": [ + 346, + 55, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/door.mp4", + "variation_id": 0, + "video_id": "17325" + }, + { + "bbox": [ + 607, + 82, + 1527, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Door-go43NtANc7U.mp4", + "variation_id": 0, + "video_id": "17326" + } + ] + }, + { + "gloss": "green", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2031, + "frame_start": 1989, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25674" + }, + { + "bbox": [ + 205, + 36, + 877, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/green.mp4", + "variation_id": 0, + "video_id": "69353" + }, + { + "bbox": [ + 97, + 44, + 401, + 360 + ], + "fps": 25, + "frame_end": 825, + "frame_start": 724, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70241" + }, + { + "bbox": [ + 341, + 4, + 897, + 720 + ], + "fps": 25, + "frame_end": 41, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=yORTcsp2lLY", + "variation_id": 0, + "video_id": "69066" + }, + { + "bbox": [ + 335, + 68, + 895, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 68, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=cd4Ixihgu3Q", + "variation_id": 0, + "video_id": "25691" + }, + { + "bbox": [ + 375, + 25, + 941, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 47, + "source": "scott", + "split": "val", + "url": "https://www.youtube.com/watch?v=nlo3F62MYEw", + "variation_id": 0, + "video_id": "25692" + }, + { + "bbox": [ + 366, + 50, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WrkXE5l6udM", + "variation_id": 0, + "video_id": "25693" + }, + { + "bbox": [ + 7, + 12, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/green.swf", + "variation_id": 0, + "video_id": "25694" + }, + { + "bbox": [ + 149, + 24, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GREEN-475.mp4", + "variation_id": 0, + "video_id": "65854" + }, + { + "bbox": [ + 17, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 75, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357968.mp4", + "variation_id": 0, + "video_id": "25685" + }, + { + "bbox": [ + 98, + 8, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/-_amEuxo4-c", + "variation_id": 0, + "video_id": "67729" + }, + { + "bbox": [ + 209, + 40, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/green.mp4", + "variation_id": 0, + "video_id": "25695" + }, + { + "bbox": [ + 233, + 17, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/green.mp4", + "variation_id": 0, + "video_id": "25686" + }, + { + "bbox": [ + 99, + 13, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468550572.2971.mp4", + "variation_id": 0, + "video_id": "25687" + }, + { + "bbox": [ + 85, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/green.mp4", + "variation_id": 0, + "video_id": "25688" + }, + { + "bbox": [ + 76, + 6, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14902.mp4", + "variation_id": 0, + "video_id": "25689" + }, + { + "bbox": [ + 353, + 47, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2mmf27exWn8", + "variation_id": 0, + "video_id": "25690" + } + ] + }, + { + "gloss": "hair", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 147, + "frame_start": 71, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26122" + }, + { + "bbox": [ + 307, + 7, + 915, + 720 + ], + "fps": 25, + "frame_end": 46, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=e1Gbf1oa2dc", + "variation_id": 0, + "video_id": "68424" + }, + { + "bbox": [ + 139, + 0, + 609, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=PzKm2HeixmA", + "variation_id": 0, + "video_id": "68064" + }, + { + "bbox": [ + 155, + 54, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hair2.mp4", + "variation_id": 0, + "video_id": "26173" + }, + { + "bbox": [ + 150, + 47, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/hair.mp4", + "variation_id": 0, + "video_id": "26174" + }, + { + "bbox": [ + 180, + 1, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hair-long.mp4", + "variation_id": 0, + "video_id": "26158" + }, + { + "bbox": [ + 416, + 70, + 851, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hair.mp4", + "variation_id": 0, + "video_id": "26159" + }, + { + "bbox": [ + 658, + 67, + 1594, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hair-YOQEVV-TL7c.mp4", + "variation_id": 0, + "video_id": "26162" + }, + { + "bbox": [ + 31, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468551480.5090.mp4", + "variation_id": 0, + "video_id": "26163" + }, + { + "bbox": [ + 145, + 34, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HA/HAIR-1848.mp4", + "variation_id": 0, + "video_id": "65870" + }, + { + "bbox": [ + 40, + 4, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23925.mp4", + "variation_id": 0, + "video_id": "26166" + }, + { + "bbox": [ + 77, + 3, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456539.mp4", + "variation_id": 0, + "video_id": "26157" + }, + { + "bbox": [ + 117, + 9, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/YIbZVZ-67nA", + "variation_id": 0, + "video_id": "67737" + }, + { + "bbox": [ + 310, + 38, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9j2d2WQsriY", + "variation_id": 0, + "video_id": "26167" + }, + { + "bbox": [ + 136, + 36, + 429, + 341 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=O5PVGlPfAdA", + "variation_id": 0, + "video_id": "26169" + }, + { + "bbox": [ + 300, + 7, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=O5PVGlPfAdA", + "variation_id": 0, + "video_id": "26170" + }, + { + "bbox": [ + 0, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hair.swf", + "variation_id": 0, + "video_id": "26172" + } + ] + }, + { + "gloss": "have", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 771, + "frame_start": 732, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26757" + }, + { + "bbox": [ + 283, + 35, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/have.mp4", + "variation_id": 0, + "video_id": "69360" + }, + { + "bbox": [ + 279, + 30, + 1045, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=EyLhZq2s6AI", + "variation_id": 0, + "video_id": "68069" + }, + { + "bbox": [ + 105, + 25, + 276, + 240 + ], + "fps": 25, + "frame_end": 3904, + "frame_start": 3805, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70221" + }, + { + "bbox": [ + 366, + 0, + 953, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=W25sZPGnTJc", + "variation_id": 0, + "video_id": "68984" + }, + { + "bbox": [ + 107, + 18, + 575, + 353 + ], + "fps": 25, + "frame_end": 43, + "frame_start": 1, + "instance_id": 5, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=ZtprdAYVlmI", + "variation_id": 0, + "video_id": "69088" + }, + { + "bbox": [ + 66, + 12, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7433.mp4", + "variation_id": 0, + "video_id": "26773" + }, + { + "bbox": [ + 283, + 5, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MeNcohEBMHU", + "variation_id": 0, + "video_id": "26775" + }, + { + "bbox": [ + 421, + 52, + 852, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/have.mp4", + "variation_id": 0, + "video_id": "26766" + }, + { + "bbox": [ + 85, + 13, + 402, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/16kWab7asJ0", + "variation_id": 0, + "video_id": "67746" + }, + { + "bbox": [ + 338, + 68, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 51, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=NETjnRpimm8", + "variation_id": 0, + "video_id": "26776" + }, + { + "bbox": [ + 314, + 24, + 993, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OZKNIcIFqvU", + "variation_id": 0, + "video_id": "26777" + }, + { + "bbox": [ + 14, + 11, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/have.swf", + "variation_id": 0, + "video_id": "26778" + }, + { + "bbox": [ + 168, + 49, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/has.mp4", + "variation_id": 0, + "video_id": "26779" + }, + { + "bbox": [ + 589, + 41, + 1660, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Have-5EEsTqgJ6dw.mp4", + "variation_id": 0, + "video_id": "26767" + }, + { + "bbox": [ + 52, + 15, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579931.5661.mp4", + "variation_id": 0, + "video_id": "26768" + }, + { + "bbox": [ + 54, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/have2.mp4", + "variation_id": 0, + "video_id": "26770" + } + ] + }, + { + "gloss": "headache", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 920, + "frame_start": 878, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26832" + }, + { + "bbox": [ + 303, + 24, + 829, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bad%20Headache-_dx7n545hbc.mp4", + "variation_id": 0, + "video_id": "26835" + }, + { + "bbox": [ + 315, + 25, + 808, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/Signschool%20Headache-J1Y1SuISPL0.mp4", + "variation_id": 0, + "video_id": "26836" + }, + { + "bbox": [ + 24, + 2, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580092.2901.mp4", + "variation_id": 0, + "video_id": "26837" + }, + { + "bbox": [ + 29, + 20, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/headache.mp4", + "variation_id": 0, + "video_id": "26838" + }, + { + "bbox": [ + 50, + 6, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14189.mp4", + "variation_id": 0, + "video_id": "26839" + }, + { + "bbox": [ + 45, + 7, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14190.mp4", + "variation_id": 0, + "video_id": "26840" + }, + { + "bbox": [ + 317, + 25, + 1087, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4hjOQ8h1sBY", + "variation_id": 0, + "video_id": "26841" + }, + { + "bbox": [ + 210, + 30, + 515, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HEADACHE-1997.mp4", + "variation_id": 0, + "video_id": "65881" + }, + { + "bbox": [ + 86, + 5, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9CyEdCrk9ag", + "variation_id": 0, + "video_id": "67747" + }, + { + "bbox": [ + 346, + 28, + 1051, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=BNPsGAjo6nI", + "variation_id": 0, + "video_id": "26842" + }, + { + "bbox": [ + 274, + 50, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hCePLZW65pQ", + "variation_id": 0, + "video_id": "26843" + }, + { + "bbox": [ + 291, + 16, + 1074, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZnwxFOv3SD8", + "variation_id": 0, + "video_id": "26844" + }, + { + "bbox": [ + 0, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/h/headache.swf", + "variation_id": 0, + "video_id": "26845" + }, + { + "bbox": [ + 149, + 55, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/headache.mp4", + "variation_id": 0, + "video_id": "26846" + }, + { + "bbox": [ + 27, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456563.mp4", + "variation_id": 0, + "video_id": "26833" + }, + { + "bbox": [ + 424, + 58, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/headache.mp4", + "variation_id": 0, + "video_id": "26834" + } + ] + }, + { + "gloss": "inform", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 979, + "frame_start": 950, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29628" + }, + { + "bbox": [ + 562, + 68, + 1612, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Inform%2C%20Let%20You%20Know-Mc2Tt9PNM3Y.mp4", + "variation_id": 0, + "video_id": "29648" + }, + { + "bbox": [ + 82, + 6, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468666919.6739.mp4", + "variation_id": 0, + "video_id": "29649" + }, + { + "bbox": [ + 41, + 28, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/inform2.mp4", + "variation_id": 0, + "video_id": "29650" + }, + { + "bbox": [ + 8, + 6, + 315, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/inform-all.mp4", + "variation_id": 0, + "video_id": "29651" + }, + { + "bbox": [ + 10, + 30, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/inform-hir2.mp4", + "variation_id": 0, + "video_id": "29652" + }, + { + "bbox": [ + 28, + 27, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/inform-hir.mp4", + "variation_id": 1, + "video_id": "29653" + }, + { + "bbox": [ + 47, + 19, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/i/inform-you.mp4", + "variation_id": 1, + "video_id": "29654" + }, + { + "bbox": [ + 38, + 16, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22421.mp4", + "variation_id": 0, + "video_id": "29655" + }, + { + "bbox": [ + 142, + 27, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INFORM-1733.mp4", + "variation_id": 0, + "video_id": "65940" + }, + { + "bbox": [ + 44, + 1, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51857.mp4", + "variation_id": 1, + "video_id": "29646" + }, + { + "bbox": [ + 71, + 11, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9501.mp4", + "variation_id": 0, + "video_id": "29656" + }, + { + "bbox": [ + 45, + 0, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9502.mp4", + "variation_id": 0, + "video_id": "29657" + }, + { + "bbox": [ + 316, + 30, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BGdDXKIB1sY", + "variation_id": 1, + "video_id": "29659" + }, + { + "bbox": [ + 7, + 9, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/i/inform.swf", + "variation_id": 0, + "video_id": "29660" + }, + { + "bbox": [ + 198, + 62, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/inform.mp4", + "variation_id": 1, + "video_id": "29661" + }, + { + "bbox": [ + 419, + 60, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/inform.mp4", + "variation_id": 0, + "video_id": "29647" + } + ] + }, + { + "gloss": "knife", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 576, + "frame_start": 527, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31841" + }, + { + "bbox": [ + 131, + 32, + 286, + 240 + ], + "fps": 25, + "frame_end": 4356, + "frame_start": 4260, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70320" + }, + { + "bbox": [ + 66, + 3, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457473.mp4", + "variation_id": 0, + "video_id": "31843" + }, + { + "bbox": [ + 679, + 75, + 1628, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Knife-CAfDahqUXr4.mp4", + "variation_id": 0, + "video_id": "31844" + }, + { + "bbox": [ + 66, + 16, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/k/knife.mp4", + "variation_id": 0, + "video_id": "31846" + }, + { + "bbox": [ + 64, + 22, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23039.mp4", + "variation_id": 0, + "video_id": "31848" + }, + { + "bbox": [ + 314, + 55, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=47-oTgaEGIw", + "variation_id": 0, + "video_id": "31849" + }, + { + "bbox": [ + 270, + 45, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=x_ed0qFF3tE", + "variation_id": 0, + "video_id": "31850" + }, + { + "bbox": [ + 189, + 14, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KN/KNIFE-167.mp4", + "variation_id": 0, + "video_id": "66000" + }, + { + "bbox": [ + 83, + 2, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7S3NXRcbPRI", + "variation_id": 0, + "video_id": "67821" + }, + { + "bbox": [ + 380, + 66, + 875, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=xtmQylh07Dc", + "variation_id": 0, + "video_id": "31851" + }, + { + "bbox": [ + 0, + 1, + 249, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/knife_bread.swf", + "variation_id": 0, + "video_id": "31852" + }, + { + "bbox": [ + 0, + 2, + 244, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/knife_electric.swf", + "variation_id": 0, + "video_id": "31853" + }, + { + "bbox": [ + 0, + 0, + 254, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/knife_sharpener.swf", + "variation_id": 0, + "video_id": "31854" + }, + { + "bbox": [ + 15, + 18, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/knife.swf", + "variation_id": 0, + "video_id": "31855" + }, + { + "bbox": [ + 173, + 66, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/knife.mp4", + "variation_id": 0, + "video_id": "31856" + }, + { + "bbox": [ + 71, + 3, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457472.mp4", + "variation_id": 0, + "video_id": "31842" + } + ] + }, + { + "gloss": "laugh", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 470, + "frame_start": 411, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32373" + }, + { + "bbox": [ + 385, + 70, + 824, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 81, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=JPDU2pWIyDE", + "variation_id": 0, + "video_id": "32393" + }, + { + "bbox": [ + 313, + 34, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UU4MRMrBLdU", + "variation_id": 1, + "video_id": "32395" + }, + { + "bbox": [ + 6, + 5, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/laugh.swf", + "variation_id": 0, + "video_id": "32397" + }, + { + "bbox": [ + 171, + 54, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/laugh.mp4", + "variation_id": 0, + "video_id": "32398" + }, + { + "bbox": [ + 724, + 109, + 1606, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Laugh%202-kz8jHKm1dLU.mp4", + "variation_id": 1, + "video_id": "32379" + }, + { + "bbox": [ + 662, + 144, + 1558, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Laugh%203-aWR8gHhNlH0.mp4", + "variation_id": 1, + "video_id": "32380" + }, + { + "bbox": [ + 901, + 53, + 1762, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Laugh%206-IUbR6I36O58.mp4", + "variation_id": 0, + "video_id": "32381" + }, + { + "bbox": [ + 189, + 11, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LAUGH-380.mp4", + "variation_id": 0, + "video_id": "66016" + }, + { + "bbox": [ + 856, + 51, + 1757, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Laugh%207-_bydC3s5Bs4.mp4", + "variation_id": 0, + "video_id": "32382" + }, + { + "bbox": [ + 673, + 95, + 1645, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Laugh-es3nr0W584o.mp4", + "variation_id": 0, + "video_id": "32383" + }, + { + "bbox": [ + 156, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468671447.7129.mp4", + "variation_id": 0, + "video_id": "32386" + }, + { + "bbox": [ + 24, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51948.mp4", + "variation_id": 1, + "video_id": "32377" + }, + { + "bbox": [ + 102, + 22, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/nqWDDn7jtFA", + "variation_id": 0, + "video_id": "67831" + }, + { + "bbox": [ + 64, + 25, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22292.mp4", + "variation_id": 1, + "video_id": "32388" + }, + { + "bbox": [ + 72, + 22, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22293.mp4", + "variation_id": 0, + "video_id": "32389" + }, + { + "bbox": [ + 313, + 50, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=jf6-pIRXAek", + "variation_id": 0, + "video_id": "32392" + } + ] + }, + { + "gloss": "learn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 898, + "frame_start": 842, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32598" + }, + { + "bbox": [ + 280, + 0, + 1054, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=FwrpfdqyEDo", + "variation_id": 0, + "video_id": "68088" + }, + { + "bbox": [ + 76, + 24, + 275, + 240 + ], + "fps": 25, + "frame_end": 572, + "frame_start": 456, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70205" + }, + { + "bbox": [ + 76, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671748.8336.mp4", + "variation_id": 0, + "video_id": "32608" + }, + { + "bbox": [ + 28, + 0, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/learn-from.mp4", + "variation_id": 0, + "video_id": "32609" + }, + { + "bbox": [ + 25, + 4, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/learn.mp4", + "variation_id": 0, + "video_id": "32610" + }, + { + "bbox": [ + 67, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6392.mp4", + "variation_id": 0, + "video_id": "32612" + }, + { + "bbox": [ + 294, + 36, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=78mzpzvN9tc", + "variation_id": 0, + "video_id": "32613" + }, + { + "bbox": [ + 175, + 14, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEARN-170.mp4", + "variation_id": 0, + "video_id": "66024" + }, + { + "bbox": [ + 53, + 2, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457511.mp4", + "variation_id": 0, + "video_id": "32604" + }, + { + "bbox": [ + 85, + 12, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/TSQinun_K8U", + "variation_id": 0, + "video_id": "67835" + }, + { + "bbox": [ + 230, + 0, + 896, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=E535Rmh3Foc", + "variation_id": 0, + "video_id": "32614" + }, + { + "bbox": [ + 3, + 0, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/learn.swf", + "variation_id": 0, + "video_id": "32615" + }, + { + "bbox": [ + 174, + 55, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/learn.mp4", + "variation_id": 0, + "video_id": "32616" + }, + { + "bbox": [ + 187, + 17, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/learn.mp4", + "variation_id": 0, + "video_id": "32605" + }, + { + "bbox": [ + 618, + 65, + 1509, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Learn-lFDh3JaL2QQ.mp4", + "variation_id": 0, + "video_id": "32606" + }, + { + "bbox": [ + 436, + 26, + 1185, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Learn.mp4", + "variation_id": 0, + "video_id": "32607" + } + ] + }, + { + "gloss": "movie", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2462, + "frame_start": 2410, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37120" + }, + { + "bbox": [ + 98, + 0, + 1214, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=2vC2G0kDHoQ", + "variation_id": 0, + "video_id": "68104" + }, + { + "bbox": [ + 105, + 13, + 532, + 359 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=QkeTuEbsogM", + "variation_id": 0, + "video_id": "68832" + }, + { + "bbox": [ + 393, + 52, + 792, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/movie.mp4", + "variation_id": 0, + "video_id": "37126" + }, + { + "bbox": [ + 13, + 7, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/movie.swf", + "variation_id": 0, + "video_id": "37147" + }, + { + "bbox": [ + 25, + 8, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/m/movie_times.swf", + "variation_id": 0, + "video_id": "37149" + }, + { + "bbox": [ + 35, + 9, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/m/movie_usher.swf", + "variation_id": 0, + "video_id": "37150" + }, + { + "bbox": [ + 45, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48607.mp4", + "variation_id": 0, + "video_id": "37125" + }, + { + "bbox": [ + 34, + 7, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/m/movie_vhs_tape.swf", + "variation_id": 0, + "video_id": "37151" + }, + { + "bbox": [ + 200, + 53, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/movie.mp4", + "variation_id": 0, + "video_id": "37152" + }, + { + "bbox": [ + 153, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468717080.3985.mp4", + "variation_id": 0, + "video_id": "37127" + }, + { + "bbox": [ + 124, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/movie.mp4", + "variation_id": 0, + "video_id": "37128" + }, + { + "bbox": [ + 62, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8626.mp4", + "variation_id": 0, + "video_id": "37129" + }, + { + "bbox": [ + 306, + 15, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ACBYkV6CDxI", + "variation_id": 0, + "video_id": "37130" + }, + { + "bbox": [ + 23, + 8, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/m/movie_drive_in.swf", + "variation_id": 0, + "video_id": "37134" + }, + { + "bbox": [ + 63, + 19, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pRL45Ffm4Vw", + "variation_id": 0, + "video_id": "67914" + }, + { + "bbox": [ + 35, + 7, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/m/movie_dvd.swf", + "variation_id": 0, + "video_id": "37135" + } + ] + }, + { + "gloss": "rabbit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 63, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "45835" + }, + { + "bbox": [ + 70, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457813.mp4", + "variation_id": 1, + "video_id": "45837" + }, + { + "bbox": [ + 582, + 82, + 1558, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rabbit%2C%20Bunny%202-WoWke5dhzfs.mp4", + "variation_id": 0, + "video_id": "45838" + }, + { + "bbox": [ + 546, + 45, + 1591, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rabbit%2C%20Bunny-P7l2qQaGw5A.mp4", + "variation_id": 1, + "video_id": "45839" + }, + { + "bbox": [ + 184, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757899.8382.mp4", + "variation_id": 0, + "video_id": "45840" + }, + { + "bbox": [ + 38, + 0, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 86, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/rabbit.mp4", + "variation_id": 0, + "video_id": "45841" + }, + { + "bbox": [ + 93, + 20, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24029.mp4", + "variation_id": 0, + "video_id": "45842" + }, + { + "bbox": [ + 89, + 9, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24030.mp4", + "variation_id": 1, + "video_id": "45843" + }, + { + "bbox": [ + 97, + 26, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/l5SIK3aStUs", + "variation_id": 1, + "video_id": "67119" + }, + { + "bbox": [ + 305, + 16, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=89qJlLBkRho", + "variation_id": 1, + "video_id": "45845" + }, + { + "bbox": [ + 342, + 63, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 67, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=OVt2XEtdQhY", + "variation_id": 0, + "video_id": "45846" + }, + { + "bbox": [ + 337, + 64, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=tIMLF_9rrDk", + "variation_id": 0, + "video_id": "45847" + }, + { + "bbox": [ + 328, + 31, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=v4v20gVPJyU", + "variation_id": 0, + "video_id": "45848" + }, + { + "bbox": [ + 8, + 4, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/rabbit_a.swf", + "variation_id": 1, + "video_id": "45849" + }, + { + "bbox": [ + 30, + 7, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rabbit_b.swf", + "variation_id": 0, + "video_id": "45850" + }, + { + "bbox": [ + 186, + 55, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bunny.mp4", + "variation_id": 0, + "video_id": "45851" + }, + { + "bbox": [ + 73, + 3, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457812.mp4", + "variation_id": 0, + "video_id": "45836" + } + ] + }, + { + "gloss": "read", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 632, + "frame_start": 563, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46260" + }, + { + "bbox": [ + 114, + 15, + 553, + 356 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=D4bgMLe19N4", + "variation_id": 0, + "video_id": "68400" + }, + { + "bbox": [ + 117, + 0, + 1167, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Nx5yZfVGuX8", + "variation_id": 0, + "video_id": "68138" + }, + { + "bbox": [ + 115, + 48, + 410, + 360 + ], + "fps": 25, + "frame_end": 6618, + "frame_start": 6504, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70274" + }, + { + "bbox": [ + 326, + 6, + 902, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=xRNzgIs7WWM", + "variation_id": 0, + "video_id": "69034" + }, + { + "bbox": [ + 181, + 0, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 111, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=ybYuTigZNQo", + "variation_id": 0, + "video_id": "68139" + }, + { + "bbox": [ + 296, + 41, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ae98aQIiVZo", + "variation_id": 0, + "video_id": "46273" + }, + { + "bbox": [ + 8, + 2, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/read.swf", + "variation_id": 0, + "video_id": "46275" + }, + { + "bbox": [ + 42, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457816.mp4", + "variation_id": 0, + "video_id": "46266" + }, + { + "bbox": [ + 111, + 20, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sKEGOtW4ayA", + "variation_id": 0, + "video_id": "67125" + }, + { + "bbox": [ + 194, + 44, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/read.mp4", + "variation_id": 0, + "video_id": "46276" + }, + { + "bbox": [ + 406, + 54, + 802, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/read.mp4", + "variation_id": 0, + "video_id": "46267" + }, + { + "bbox": [ + 514, + 98, + 1442, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Read-ONxA42RnRps.mp4", + "variation_id": 0, + "video_id": "46268" + }, + { + "bbox": [ + 147, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758340.1852.mp4", + "variation_id": 0, + "video_id": "46269" + }, + { + "bbox": [ + 109, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/read2.mp4", + "variation_id": 0, + "video_id": "46270" + }, + { + "bbox": [ + 90, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/read.mp4", + "variation_id": 0, + "video_id": "46271" + }, + { + "bbox": [ + 71, + 13, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7042.mp4", + "variation_id": 0, + "video_id": "46272" + } + ] + }, + { + "gloss": "red", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1169, + "frame_start": 1103, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46712" + }, + { + "bbox": [ + 387, + 41, + 871, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/red.mp4", + "variation_id": 0, + "video_id": "69446" + }, + { + "bbox": [ + 343, + 12, + 895, + 720 + ], + "fps": 25, + "frame_end": 36, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=LQXoQ_I9Ku8", + "variation_id": 0, + "video_id": "68664" + }, + { + "bbox": [ + 166, + 43, + 396, + 360 + ], + "fps": 25, + "frame_end": 371, + "frame_start": 276, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70239" + }, + { + "bbox": [ + 81, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6859.mp4", + "variation_id": 0, + "video_id": "46737" + }, + { + "bbox": [ + 372, + 16, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 47, + "source": "scott", + "split": "val", + "url": "https://www.youtube.com/watch?v=EyKmo6RXVUU", + "variation_id": 0, + "video_id": "46738" + }, + { + "bbox": [ + 390, + 70, + 879, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=l8D2nUTgFiQ", + "variation_id": 0, + "video_id": "46739" + }, + { + "bbox": [ + 355, + 31, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pyW0OYYrZ7U", + "variation_id": 0, + "video_id": "46740" + }, + { + "bbox": [ + 56, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49271.mp4", + "variation_id": 0, + "video_id": "46731" + }, + { + "bbox": [ + 103, + 27, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/HSl6KdDHUlg", + "variation_id": 0, + "video_id": "67129" + }, + { + "bbox": [ + 28, + 16, + 192, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/red.swf", + "variation_id": 0, + "video_id": "46741" + }, + { + "bbox": [ + 182, + 48, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/red.mp4", + "variation_id": 0, + "video_id": "46742" + }, + { + "bbox": [ + 229, + 15, + 518, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/red.mp4", + "variation_id": 0, + "video_id": "46732" + }, + { + "bbox": [ + 483, + 42, + 1077, + 712 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Red.mp4", + "variation_id": 0, + "video_id": "46733" + }, + { + "bbox": [ + 151, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758865.1287.mp4", + "variation_id": 0, + "video_id": "46734" + }, + { + "bbox": [ + 138, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/red2.mp4", + "variation_id": 0, + "video_id": "46735" + }, + { + "bbox": [ + 136, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/red.mp4", + "variation_id": 0, + "video_id": "46736" + } + ] + }, + { + "gloss": "room", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3930, + "frame_start": 3868, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48507" + }, + { + "bbox": [ + 180, + 18, + 581, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/room.mp4", + "variation_id": 0, + "video_id": "48509" + }, + { + "bbox": [ + 619, + 98, + 1515, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Room%2C%20Box-md_GwEQC3G8.mp4", + "variation_id": 1, + "video_id": "48510" + }, + { + "bbox": [ + 703, + 55, + 1544, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Room-c_wEkcZ2eqU.mp4", + "variation_id": 0, + "video_id": "48511" + }, + { + "bbox": [ + 265, + 22, + 784, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20room-eFVfYZffYLo.mp4", + "variation_id": 0, + "video_id": "48512" + }, + { + "bbox": [ + 422, + 33, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Room%202.mp4", + "variation_id": 0, + "video_id": "48513" + }, + { + "bbox": [ + 134, + 0, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468761369.8817.mp4", + "variation_id": 0, + "video_id": "48514" + }, + { + "bbox": [ + 111, + 3, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/room.mp4", + "variation_id": 1, + "video_id": "48515" + }, + { + "bbox": [ + 56, + 9, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9515.mp4", + "variation_id": 1, + "video_id": "48516" + }, + { + "bbox": [ + 136, + 29, + 579, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RO/ROOM-242.mp4", + "variation_id": 0, + "video_id": "66415" + }, + { + "bbox": [ + 135, + 31, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RO/ROOM-984.mp4", + "variation_id": 0, + "video_id": "66416" + }, + { + "bbox": [ + 84, + 5, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hdDYNPC93DM", + "variation_id": 0, + "video_id": "67149" + }, + { + "bbox": [ + 52, + 8, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9516.mp4", + "variation_id": 0, + "video_id": "48517" + }, + { + "bbox": [ + 169, + 9, + 500, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ByET2PW3OrQ", + "variation_id": 0, + "video_id": "48518" + }, + { + "bbox": [ + 307, + 87, + 867, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=R60q-PBwY58", + "variation_id": 1, + "video_id": "48519" + }, + { + "bbox": [ + 9, + 5, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/room.swf", + "variation_id": 1, + "video_id": "48520" + }, + { + "bbox": [ + 219, + 42, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/box.mp4", + "variation_id": 1, + "video_id": "48521" + } + ] + }, + { + "gloss": "run", + "instances": [ + { + "bbox": [ + 50, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50771.mp4", + "variation_id": 0, + "video_id": "48797" + }, + { + "bbox": [ + 103, + 13, + 526, + 352 + ], + "fps": 25, + "frame_end": 120, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=oDP7rymTvb0", + "variation_id": 0, + "video_id": "68762" + }, + { + "bbox": [ + 168, + 16, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eLu4zVJhTqU", + "variation_id": 0, + "video_id": "48816" + }, + { + "bbox": [ + 410, + 59, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/run.mp4", + "variation_id": 0, + "video_id": "48798" + }, + { + "bbox": [ + 358, + 15, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPGs28X_O54", + "variation_id": 0, + "video_id": "48817" + }, + { + "bbox": [ + 328, + 55, + 905, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=T0_ts-_j8w0", + "variation_id": 0, + "video_id": "48818" + }, + { + "bbox": [ + 17, + 4, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/run_animal.swf", + "variation_id": 0, + "video_id": "48819" + }, + { + "bbox": [ + 99, + 14, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/o-ii7m7zxx0", + "variation_id": 0, + "video_id": "67153" + }, + { + "bbox": [ + 17, + 6, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/run.swf", + "variation_id": 0, + "video_id": "48824" + }, + { + "bbox": [ + 202, + 54, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sprint.mp4", + "variation_id": 0, + "video_id": "48827" + }, + { + "bbox": [ + 142, + 9, + 600, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20run%202.mp4", + "variation_id": 0, + "video_id": "48800" + }, + { + "bbox": [ + 154, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761794.9611.mp4", + "variation_id": 0, + "video_id": "48801" + }, + { + "bbox": [ + 95, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/run-hurry.mp4", + "variation_id": 0, + "video_id": "48804" + }, + { + "bbox": [ + 104, + 8, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/run-jog.mp4", + "variation_id": 0, + "video_id": "48805" + }, + { + "bbox": [ + 69, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6445.mp4", + "variation_id": 0, + "video_id": "48809" + }, + { + "bbox": [ + 75, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6446.mp4", + "variation_id": 0, + "video_id": "48810" + }, + { + "bbox": [ + 320, + 119, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 32, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=3bzeC5h-lzU", + "variation_id": 0, + "video_id": "48814" + } + ] + }, + { + "gloss": "show", + "instances": [ + { + "bbox": [ + 166, + 19, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SH/SHOW-254.mp4", + "variation_id": 0, + "video_id": "66473" + }, + { + "bbox": [ + 177, + 40, + 413, + 360 + ], + "fps": 25, + "frame_end": 2863, + "frame_start": 2747, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70231" + }, + { + "bbox": [ + 84, + 1, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378950.4291.mp4", + "variation_id": 0, + "video_id": "51347" + }, + { + "bbox": [ + 119, + 0, + 493, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766573.2319.mp4", + "variation_id": 0, + "video_id": "51348" + }, + { + "bbox": [ + 32, + 20, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/show-all.mp4", + "variation_id": 0, + "video_id": "51349" + }, + { + "bbox": [ + 33, + 24, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/show-each2.mp4", + "variation_id": 0, + "video_id": "51350" + }, + { + "bbox": [ + 36, + 25, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/show-me-from-hir.mp4", + "variation_id": 0, + "video_id": "51351" + }, + { + "bbox": [ + 66, + 28, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/show.mp4", + "variation_id": 0, + "video_id": "51352" + }, + { + "bbox": [ + 65, + 14, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14243.mp4", + "variation_id": 0, + "video_id": "51353" + }, + { + "bbox": [ + 436, + 55, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/show.mp4", + "variation_id": 0, + "video_id": "51345" + }, + { + "bbox": [ + 99, + 29, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/eWKXpuCp0x4", + "variation_id": 0, + "video_id": "67195" + }, + { + "bbox": [ + 69, + 12, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9921.mp4", + "variation_id": 0, + "video_id": "51355" + }, + { + "bbox": [ + 57, + 8, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9922.mp4", + "variation_id": 0, + "video_id": "51356" + }, + { + "bbox": [ + 234, + 22, + 990, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3tywmZLwClQ", + "variation_id": 0, + "video_id": "51357" + }, + { + "bbox": [ + 15, + 6, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/show.swf", + "variation_id": 0, + "video_id": "51358" + }, + { + "bbox": [ + 190, + 50, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/show.mp4", + "variation_id": 0, + "video_id": "51360" + }, + { + "bbox": [ + 811, + 68, + 1646, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Show-ps1C5M4Q4vg.mp4", + "variation_id": 0, + "video_id": "51346" + } + ] + }, + { + "gloss": "sick", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3950, + "frame_start": 3891, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51494" + }, + { + "bbox": [ + 250, + 30, + 912, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/sick.mp4", + "variation_id": 0, + "video_id": "69470" + }, + { + "bbox": [ + 256, + 9, + 1120, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=bS9icDOS5g4", + "variation_id": 0, + "video_id": "68152" + }, + { + "bbox": [ + 102, + 0, + 564, + 360 + ], + "fps": 25, + "frame_end": 65, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=OvCEWXAQXaY", + "variation_id": 0, + "video_id": "68776" + }, + { + "bbox": [ + 0, + 1, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/sick.swf", + "variation_id": 0, + "video_id": "51516" + }, + { + "bbox": [ + 170, + 58, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/ill.mp4", + "variation_id": 0, + "video_id": "51517" + }, + { + "bbox": [ + 375, + 52, + 829, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sick.mp4", + "variation_id": 0, + "video_id": "51502" + }, + { + "bbox": [ + 321, + 24, + 791, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sick-vS3cW9IUUPM.mp4", + "variation_id": 0, + "video_id": "51503" + }, + { + "bbox": [ + 77, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766858.7018.mp4", + "variation_id": 0, + "video_id": "51504" + }, + { + "bbox": [ + 68, + 11, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sick2.mp4", + "variation_id": 0, + "video_id": "51505" + }, + { + "bbox": [ + 35, + 9, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sick.mp4", + "variation_id": 0, + "video_id": "51506" + }, + { + "bbox": [ + 50, + 0, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14644.mp4", + "variation_id": 0, + "video_id": "51507" + }, + { + "bbox": [ + 155, + 21, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SICK-255.mp4", + "variation_id": 0, + "video_id": "66475" + }, + { + "bbox": [ + 40, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50808.mp4", + "variation_id": 0, + "video_id": "51501" + }, + { + "bbox": [ + 91, + 7, + 393, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BuJZZAGk6GM", + "variation_id": 0, + "video_id": "67201" + }, + { + "bbox": [ + 258, + 20, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NBqpHJiufXU", + "variation_id": 0, + "video_id": "51514" + }, + { + "bbox": [ + 251, + 6, + 1008, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oiJ9bPUD1pw", + "variation_id": 0, + "video_id": "51515" + } + ] + }, + { + "gloss": "snow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5946, + "frame_start": 5890, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52834" + }, + { + "bbox": [ + 123, + 14, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/snow.mp4", + "variation_id": 0, + "video_id": "69481" + }, + { + "bbox": [ + 87, + 22, + 580, + 480 + ], + "fps": 25, + "frame_end": 5073, + "frame_start": 4970, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70122" + }, + { + "bbox": [ + 54, + 0, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14605.mp4", + "variation_id": 0, + "video_id": "52862" + }, + { + "bbox": [ + 54, + 0, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14606.mp4", + "variation_id": 0, + "video_id": "52863" + }, + { + "bbox": [ + 264, + 92, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=---cgPhwI8k", + "variation_id": 0, + "video_id": "52864" + }, + { + "bbox": [ + 289, + 32, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=x-dZm8O0gys", + "variation_id": 0, + "video_id": "52865" + }, + { + "bbox": [ + 0, + 0, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/snow.swf", + "variation_id": 0, + "video_id": "52866" + }, + { + "bbox": [ + 173, + 44, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SN/SNOW-1085.mp4", + "variation_id": 0, + "video_id": "66519" + }, + { + "bbox": [ + 142, + 17, + 501, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SN/SNOW-686.mp4", + "variation_id": 0, + "video_id": "66518" + }, + { + "bbox": [ + 406, + 73, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/snow.mp4", + "variation_id": 0, + "video_id": "52857" + }, + { + "bbox": [ + 78, + 7, + 431, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/KkavX3HF0Es", + "variation_id": 0, + "video_id": "67221" + }, + { + "bbox": [ + 194, + 52, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/snow.mp4", + "variation_id": 0, + "video_id": "52867" + }, + { + "bbox": [ + 392, + 33, + 1549, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Snow-0uJcHK934ik.mp4", + "variation_id": 0, + "video_id": "52858" + }, + { + "bbox": [ + 310, + 91, + 1004, + 715 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Snow.mp4", + "variation_id": 0, + "video_id": "52859" + }, + { + "bbox": [ + 106, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468775731.1702.mp4", + "variation_id": 0, + "video_id": "52860" + }, + { + "bbox": [ + 44, + 8, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/snow.mp4", + "variation_id": 0, + "video_id": "52861" + } + ] + }, + { + "gloss": "take", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 123, + "frame_start": 81, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56652" + }, + { + "bbox": [ + 166, + 43, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/take.mp4", + "variation_id": 0, + "video_id": "69500" + }, + { + "bbox": [ + 35, + 5, + 1021, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=2XukQ6DOr_g", + "variation_id": 0, + "video_id": "68228" + }, + { + "bbox": [ + 32, + 5, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/take.mp4", + "variation_id": 0, + "video_id": "56697" + }, + { + "bbox": [ + 84, + 3, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6074.mp4", + "variation_id": 0, + "video_id": "56698" + }, + { + "bbox": [ + 75, + 7, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6075.mp4", + "variation_id": 0, + "video_id": "56699" + }, + { + "bbox": [ + 65, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6854.mp4", + "variation_id": 1, + "video_id": "56700" + }, + { + "bbox": [ + 66, + 17, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9094.mp4", + "variation_id": 1, + "video_id": "56701" + }, + { + "bbox": [ + 50, + 14, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63592.mp4", + "variation_id": 0, + "video_id": "56692" + }, + { + "bbox": [ + 67, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9145.mp4", + "variation_id": 1, + "video_id": "56702" + }, + { + "bbox": [ + 0, + 7, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/take.swf", + "variation_id": 0, + "video_id": "56703" + }, + { + "bbox": [ + 177, + 46, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/accept.mp4", + "variation_id": 1, + "video_id": "56704" + }, + { + "bbox": [ + 196, + 52, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/take.mp4", + "variation_id": 0, + "video_id": "56705" + }, + { + "bbox": [ + 432, + 53, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/take.mp4", + "variation_id": 0, + "video_id": "56693" + }, + { + "bbox": [ + 130, + 0, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468942967.4684.mp4", + "variation_id": 1, + "video_id": "56694" + }, + { + "bbox": [ + 30, + 26, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/take-hir.mp4", + "variation_id": 0, + "video_id": "56695" + }, + { + "bbox": [ + 46, + 26, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/take-me.mp4", + "variation_id": 0, + "video_id": "56696" + } + ] + }, + { + "gloss": "tea", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 476, + "frame_start": 417, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57034" + }, + { + "bbox": [ + 111, + 22, + 525, + 360 + ], + "fps": 25, + "frame_end": 75, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=DJBl-DqFr54", + "variation_id": 0, + "video_id": "68412" + }, + { + "bbox": [ + 101, + 0, + 1172, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=j0PsxS4J59U", + "variation_id": 0, + "video_id": "68168" + }, + { + "bbox": [ + 129, + 18, + 498, + 480 + ], + "fps": 25, + "frame_end": 4223, + "frame_start": 4120, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70034" + }, + { + "bbox": [ + 66, + 5, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5818.mp4", + "variation_id": 0, + "video_id": "57082" + }, + { + "bbox": [ + 233, + 28, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=t56aB-4U9q0", + "variation_id": 0, + "video_id": "57083" + }, + { + "bbox": [ + 3, + 3, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tea_hot.swf", + "variation_id": 0, + "video_id": "57084" + }, + { + "bbox": [ + 0, + 3, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tea_iced.swf", + "variation_id": 0, + "video_id": "57085" + }, + { + "bbox": [ + 417, + 56, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tea.mp4", + "variation_id": 0, + "video_id": "57076" + }, + { + "bbox": [ + 90, + 17, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lu7CjOVmTWc", + "variation_id": 0, + "video_id": "67280" + }, + { + "bbox": [ + 0, + 7, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/tea.swf", + "variation_id": 0, + "video_id": "57086" + }, + { + "bbox": [ + 197, + 51, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tea.mp4", + "variation_id": 0, + "video_id": "57087" + }, + { + "bbox": [ + 701, + 52, + 1719, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tea%2C%20Vote-JGnz_I9hFCY.mp4", + "variation_id": 0, + "video_id": "57077" + }, + { + "bbox": [ + 645, + 87, + 1614, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tea-KteSJtbKjwA.mp4", + "variation_id": 0, + "video_id": "57078" + }, + { + "bbox": [ + 745, + 57, + 1701, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tea-UT0MFR_XdeE.mp4", + "variation_id": 0, + "video_id": "57079" + }, + { + "bbox": [ + 66, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943368.5406.mp4", + "variation_id": 0, + "video_id": "57080" + }, + { + "bbox": [ + 104, + 0, + 492, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tea.mp4", + "variation_id": 0, + "video_id": "57081" + } + ] + }, + { + "gloss": "teacher", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 572, + "frame_start": 520, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57037" + }, + { + "bbox": [ + 241, + 0, + 1174, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=910Bx1PQvIE", + "variation_id": 0, + "video_id": "68166" + }, + { + "bbox": [ + 86, + 0, + 609, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/teacher.mp4", + "variation_id": 0, + "video_id": "57043" + }, + { + "bbox": [ + 38, + 10, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6748.mp4", + "variation_id": 0, + "video_id": "57044" + }, + { + "bbox": [ + 61, + 11, + 260, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8205.mp4", + "variation_id": 0, + "video_id": "57045" + }, + { + "bbox": [ + 215, + 0, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=CrUCwJklAUA", + "variation_id": 0, + "video_id": "57046" + }, + { + "bbox": [ + 168, + 0, + 1032, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=-DZaI_yoNac", + "variation_id": 0, + "video_id": "57047" + }, + { + "bbox": [ + 337, + 53, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=K7V6D8WSZXg", + "variation_id": 0, + "video_id": "57048" + }, + { + "bbox": [ + 152, + 32, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TE/TEACHER-792.mp4", + "variation_id": 0, + "video_id": "66593" + }, + { + "bbox": [ + 224, + 15, + 539, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/teacher.mp4", + "variation_id": 0, + "video_id": "57039" + }, + { + "bbox": [ + 114, + 21, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/EtRRcMFLqI0", + "variation_id": 0, + "video_id": "67282" + }, + { + "bbox": [ + 172, + 33, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 62, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=-pk0D9N-8Fs", + "variation_id": 0, + "video_id": "57049" + }, + { + "bbox": [ + 9, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/teacher.swf", + "variation_id": 0, + "video_id": "57050" + }, + { + "bbox": [ + 172, + 54, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/instructor.mp4", + "variation_id": 0, + "video_id": "57051" + }, + { + "bbox": [ + 523, + 102, + 1427, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Teacher-8jyjX2nNXYU.mp4", + "variation_id": 0, + "video_id": "57040" + }, + { + "bbox": [ + 81, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943450.3372.mp4", + "variation_id": 0, + "video_id": "57041" + }, + { + "bbox": [ + 111, + 27, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768202.9258.mp4", + "variation_id": 0, + "video_id": "57042" + } + ] + }, + { + "gloss": "week", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1380, + "frame_start": 1344, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62728" + }, + { + "bbox": [ + 236, + 46, + 981, + 720 + ], + "fps": 25, + "frame_end": 100, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=nOy7xS2b3WI", + "variation_id": 0, + "video_id": "68740" + }, + { + "bbox": [ + 101, + 22, + 277, + 240 + ], + "fps": 25, + "frame_end": 672, + "frame_start": 552, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70304" + }, + { + "bbox": [ + 67, + 11, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/week.mp4", + "variation_id": 0, + "video_id": "62744" + }, + { + "bbox": [ + 69, + 17, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6752.mp4", + "variation_id": 0, + "video_id": "62746" + }, + { + "bbox": [ + 58, + 14, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7600.mp4", + "variation_id": 0, + "video_id": "62747" + }, + { + "bbox": [ + 64, + 12, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7602.mp4", + "variation_id": 0, + "video_id": "62748" + }, + { + "bbox": [ + 371, + 42, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=N6giWOcMj2U", + "variation_id": 0, + "video_id": "62749" + }, + { + "bbox": [ + 201, + 29, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEEK-1418.mp4", + "variation_id": 0, + "video_id": "66759" + }, + { + "bbox": [ + 30, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50954.mp4", + "variation_id": 0, + "video_id": "62740" + }, + { + "bbox": [ + 102, + 14, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/H5GXBfRMT3M", + "variation_id": 0, + "video_id": "67052" + }, + { + "bbox": [ + 371, + 42, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pdR4hpKqlNg", + "variation_id": 0, + "video_id": "62750" + }, + { + "bbox": [ + 23, + 19, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/week.swf", + "variation_id": 0, + "video_id": "62751" + }, + { + "bbox": [ + 214, + 56, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/week.mp4", + "variation_id": 0, + "video_id": "62752" + }, + { + "bbox": [ + 219, + 12, + 543, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/week.mp4", + "variation_id": 0, + "video_id": "62741" + }, + { + "bbox": [ + 749, + 132, + 1537, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20One%20Week-XnuAfLiLbHs.mp4", + "variation_id": 0, + "video_id": "62742" + }, + { + "bbox": [ + 93, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927577.4501.mp4", + "variation_id": 0, + "video_id": "62743" + } + ] + }, + { + "gloss": "why", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2308, + "frame_start": 2236, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63279" + }, + { + "bbox": [ + 98, + 25, + 275, + 240 + ], + "fps": 25, + "frame_end": 2526, + "frame_start": 2440, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70213" + }, + { + "bbox": [ + 272, + 12, + 1167, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Why-1I7SY-H47dU.mp4", + "variation_id": 0, + "video_id": "63283" + }, + { + "bbox": [ + 506, + 80, + 1544, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Why-oOzdNq6PhDc.mp4", + "variation_id": 0, + "video_id": "63284" + }, + { + "bbox": [ + 101, + 2, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468928387.7740.mp4", + "variation_id": 0, + "video_id": "63285" + }, + { + "bbox": [ + 54, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/why.mp4", + "variation_id": 0, + "video_id": "63286" + }, + { + "bbox": [ + 63, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6973.mp4", + "variation_id": 0, + "video_id": "63287" + }, + { + "bbox": [ + 48, + 5, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8837.mp4", + "variation_id": 0, + "video_id": "63288" + }, + { + "bbox": [ + 169, + 6, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHY-1431.mp4", + "variation_id": 0, + "video_id": "66781" + }, + { + "bbox": [ + 94, + 21, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Bp4hwb11MXo", + "variation_id": 0, + "video_id": "67067" + }, + { + "bbox": [ + 63, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8838.mp4", + "variation_id": 0, + "video_id": "63289" + }, + { + "bbox": [ + 325, + 122, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=-iJt0VZWBcA", + "variation_id": 0, + "video_id": "63290" + }, + { + "bbox": [ + 25, + 7, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/why.swf", + "variation_id": 0, + "video_id": "63291" + }, + { + "bbox": [ + 178, + 58, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/why.mp4", + "variation_id": 0, + "video_id": "63292" + }, + { + "bbox": [ + 18, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51068.mp4", + "variation_id": 0, + "video_id": "63280" + }, + { + "bbox": [ + 224, + 12, + 528, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/why.mp4", + "variation_id": 0, + "video_id": "63281" + }, + { + "bbox": [ + 721, + 93, + 1375, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20No%20Eye%2C%20Why-YoWvmEgpP9A.mp4", + "variation_id": 0, + "video_id": "63282" + } + ] + }, + { + "gloss": "with", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2921, + "frame_start": 2855, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63574" + }, + { + "bbox": [ + 611, + 65, + 1382, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/with.mp4", + "variation_id": 0, + "video_id": "69539" + }, + { + "bbox": [ + 229, + 33, + 1026, + 720 + ], + "fps": 25, + "frame_end": 75, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=IUF82n6VGoI", + "variation_id": 0, + "video_id": "68572" + }, + { + "bbox": [ + 123, + 12, + 545, + 360 + ], + "fps": 25, + "frame_end": 85, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=-mTZruzaw1E", + "variation_id": 0, + "video_id": "68714" + }, + { + "bbox": [ + 116, + 0, + 1093, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=-WH3cssdJmQ", + "variation_id": 0, + "video_id": "68186" + }, + { + "bbox": [ + 348, + 43, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=_JfI3DaFB6w", + "variation_id": 0, + "video_id": "63594" + }, + { + "bbox": [ + 7, + 2, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/with.swf", + "variation_id": 0, + "video_id": "63595" + }, + { + "bbox": [ + 238, + 36, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/with.mp4", + "variation_id": 0, + "video_id": "63596" + }, + { + "bbox": [ + 173, + 6, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WITH-323.mp4", + "variation_id": 0, + "video_id": "66795" + }, + { + "bbox": [ + 33, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51078.mp4", + "variation_id": 0, + "video_id": "63587" + }, + { + "bbox": [ + 106, + 18, + 346, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/etoY8lmULMg", + "variation_id": 0, + "video_id": "67076" + }, + { + "bbox": [ + 393, + 58, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/with.mp4", + "variation_id": 0, + "video_id": "63588" + }, + { + "bbox": [ + 633, + 63, + 1662, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20With-sLUkJtZiNn8.mp4", + "variation_id": 0, + "video_id": "63589" + }, + { + "bbox": [ + 139, + 5, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928850.9790.mp4", + "variation_id": 0, + "video_id": "63590" + }, + { + "bbox": [ + 96, + 5, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/with.mp4", + "variation_id": 0, + "video_id": "63591" + }, + { + "bbox": [ + 65, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9702.mp4", + "variation_id": 0, + "video_id": "63592" + }, + { + "bbox": [ + 85, + 18, + 433, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=g4AwGIjxn7k", + "variation_id": 0, + "video_id": "63593" + } + ] + }, + { + "gloss": "write", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4172, + "frame_start": 4096, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "64049" + }, + { + "bbox": [ + 375, + 42, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/write.mp4", + "variation_id": 0, + "video_id": "69544" + }, + { + "bbox": [ + 146, + 47, + 426, + 360 + ], + "fps": 25, + "frame_end": 2765, + "frame_start": 2672, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70261" + }, + { + "bbox": [ + 68, + 7, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468929385.6917.mp4", + "variation_id": 0, + "video_id": "64060" + }, + { + "bbox": [ + 123, + 30, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522768314.6956.mp4", + "variation_id": 0, + "video_id": "64061" + }, + { + "bbox": [ + 67, + 11, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/write2.mp4", + "variation_id": 0, + "video_id": "64062" + }, + { + "bbox": [ + 66, + 11, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/write.mp4", + "variation_id": 0, + "video_id": "64064" + }, + { + "bbox": [ + 59, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8441.mp4", + "variation_id": 0, + "video_id": "64065" + }, + { + "bbox": [ + 155, + 8, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WR/WRITE-1467.mp4", + "variation_id": 0, + "video_id": "66815" + }, + { + "bbox": [ + 49, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51100.mp4", + "variation_id": 0, + "video_id": "64056" + }, + { + "bbox": [ + 68, + 20, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ggCEDV4EoGs", + "variation_id": 0, + "video_id": "67008" + }, + { + "bbox": [ + 316, + 38, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3RYUgwyFzgM", + "variation_id": 0, + "video_id": "64066" + }, + { + "bbox": [ + 151, + 8, + 495, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rqBe62cqd6w", + "variation_id": 0, + "video_id": "64067" + }, + { + "bbox": [ + 205, + 61, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/write.mp4", + "variation_id": 0, + "video_id": "64068" + }, + { + "bbox": [ + 237, + 13, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/write.mp4", + "variation_id": 0, + "video_id": "64057" + }, + { + "bbox": [ + 395, + 55, + 800, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/writing.mp4", + "variation_id": 0, + "video_id": "64058" + }, + { + "bbox": [ + 635, + 73, + 1424, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Write-2Vss5wDKFhg.mp4", + "variation_id": 0, + "video_id": "64059" + } + ] + }, + { + "gloss": "yesterday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 241, + "frame_start": 175, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64303" + }, + { + "bbox": [ + 157, + 52, + 419, + 360 + ], + "fps": 25, + "frame_end": 4409, + "frame_start": 4299, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 1, + "video_id": "70347" + }, + { + "bbox": [ + 316, + 26, + 1253, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Yesterday-ODfO21WATKY.mp4", + "variation_id": 0, + "video_id": "64307" + }, + { + "bbox": [ + 781, + 118, + 1632, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Yesterday-OTcqJCUGZxY.mp4", + "variation_id": 1, + "video_id": "64308" + }, + { + "bbox": [ + 117, + 5, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468774999.2098.mp4", + "variation_id": 0, + "video_id": "64309" + }, + { + "bbox": [ + 82, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/y/yesterday.mp4", + "variation_id": 0, + "video_id": "64310" + }, + { + "bbox": [ + 40, + 14, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22109.mp4", + "variation_id": 0, + "video_id": "64311" + }, + { + "bbox": [ + 240, + 50, + 906, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=BrSb83b9kbY", + "variation_id": 0, + "video_id": "64312" + }, + { + "bbox": [ + 134, + 11, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/YE/YESTERDAY-327.mp4", + "variation_id": 0, + "video_id": "66821" + }, + { + "bbox": [ + 139, + 12, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/YE/YESTERDAY-328.mp4", + "variation_id": 1, + "video_id": "66822" + }, + { + "bbox": [ + 67, + 18, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Y4I4o8336WM", + "variation_id": 0, + "video_id": "67014" + }, + { + "bbox": [ + 244, + 53, + 895, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WaIrad_avQI", + "variation_id": 1, + "video_id": "64313" + }, + { + "bbox": [ + 15, + 14, + 196, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/y/yesterday.swf", + "variation_id": 1, + "video_id": "64314" + }, + { + "bbox": [ + 231, + 44, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/yesterday.mp4", + "variation_id": 1, + "video_id": "64315" + }, + { + "bbox": [ + 39, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 42, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51108.mp4", + "variation_id": 0, + "video_id": "64304" + }, + { + "bbox": [ + 386, + 42, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/yesterday2.mp4", + "variation_id": 0, + "video_id": "64305" + }, + { + "bbox": [ + 387, + 51, + 800, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/yesterday.mp4", + "variation_id": 1, + "video_id": "64306" + } + ] + }, + { + "gloss": "again", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1178, + "frame_start": 1139, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01457" + }, + { + "bbox": [ + 356, + 9, + 921, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=6JlqUMRxHwo", + "variation_id": 0, + "video_id": "68276" + }, + { + "bbox": [ + 88, + 25, + 279, + 240 + ], + "fps": 25, + "frame_end": 3621, + "frame_start": 3541, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70219" + }, + { + "bbox": [ + 69, + 15, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6335.mp4", + "variation_id": 0, + "video_id": "01466" + }, + { + "bbox": [ + 292, + 25, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=FMsqLT9Acso", + "variation_id": 0, + "video_id": "01467" + }, + { + "bbox": [ + 329, + 41, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=wTNv94AY-yE", + "variation_id": 0, + "video_id": "01468" + }, + { + "bbox": [ + 351, + 50, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YEz-iyZ0kL0", + "variation_id": 0, + "video_id": "01469" + }, + { + "bbox": [ + 170, + 13, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AG/AGAIN-400.mp4", + "variation_id": 0, + "video_id": "65032" + }, + { + "bbox": [ + 68, + 9, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118365.mp4", + "variation_id": 0, + "video_id": "01460" + }, + { + "bbox": [ + 1, + 19, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/again.swf", + "variation_id": 0, + "video_id": "01470" + }, + { + "bbox": [ + 135, + 49, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/again.mp4", + "variation_id": 0, + "video_id": "01471" + }, + { + "bbox": [ + 168, + 17, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/again.mp4", + "variation_id": 0, + "video_id": "01461" + }, + { + "bbox": [ + 538, + 62, + 1765, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 27, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Again-EYX5aL3d8_M.mp4", + "variation_id": 0, + "video_id": "01462" + }, + { + "bbox": [ + 101, + 29, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171389.6039.mp4", + "variation_id": 0, + "video_id": "01463" + }, + { + "bbox": [ + 123, + 30, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522766184.698.mp4", + "variation_id": 0, + "video_id": "01464" + }, + { + "bbox": [ + 178, + 35, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/again.mp4", + "variation_id": 0, + "video_id": "01465" + } + ] + }, + { + "gloss": "bad", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 393, + "frame_start": 347, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04694" + }, + { + "bbox": [ + 327, + 41, + 877, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/bad.mp4", + "variation_id": 0, + "video_id": "69219" + }, + { + "bbox": [ + 212, + 16, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bad.mp4", + "variation_id": 0, + "video_id": "04709" + }, + { + "bbox": [ + 739, + 67, + 1637, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bad-2099RpCyLwU.mp4", + "variation_id": 0, + "video_id": "04712" + }, + { + "bbox": [ + 231, + 7, + 579, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20bad5.mp4", + "variation_id": 0, + "video_id": "04713" + }, + { + "bbox": [ + 128, + 31, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466648215.3053.mp4", + "variation_id": 0, + "video_id": "04715" + }, + { + "bbox": [ + 104, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bad.mp4", + "variation_id": 0, + "video_id": "04716" + }, + { + "bbox": [ + 61, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6529.mp4", + "variation_id": 0, + "video_id": "04717" + }, + { + "bbox": [ + 166, + 4, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BAD-29.mp4", + "variation_id": 0, + "video_id": "65125" + }, + { + "bbox": [ + 65, + 11, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123148.mp4", + "variation_id": 0, + "video_id": "04708" + }, + { + "bbox": [ + 100, + 8, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/-kgTBeOw95A", + "variation_id": 0, + "video_id": "67381" + }, + { + "bbox": [ + 75, + 15, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6944.mp4", + "variation_id": 0, + "video_id": "04718" + }, + { + "bbox": [ + 158, + 6, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=BUhCGlNOqRA", + "variation_id": 0, + "video_id": "04720" + }, + { + "bbox": [ + 334, + 39, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=prwtXZ1o2As", + "variation_id": 0, + "video_id": "04721" + }, + { + "bbox": [ + 27, + 9, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bad.swf", + "variation_id": 0, + "video_id": "04722" + }, + { + "bbox": [ + 164, + 49, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bad.mp4", + "variation_id": 0, + "video_id": "04723" + } + ] + }, + { + "gloss": "ball", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 633, + "frame_start": 577, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04833" + }, + { + "bbox": [ + 371, + 25, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 119, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/ball.mp4", + "variation_id": 0, + "video_id": "69221" + }, + { + "bbox": [ + 210, + 16, + 534, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ball.mp4", + "variation_id": 0, + "video_id": "04850" + }, + { + "bbox": [ + 380, + 13, + 816, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20ball-u7YdwN89Leg.mp4", + "variation_id": 0, + "video_id": "04851" + }, + { + "bbox": [ + 95, + 20, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466648644.5380.mp4", + "variation_id": 0, + "video_id": "04852" + }, + { + "bbox": [ + 113, + 3, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/ball.mp4", + "variation_id": 0, + "video_id": "04853" + }, + { + "bbox": [ + 73, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14844.mp4", + "variation_id": 0, + "video_id": "04854" + }, + { + "bbox": [ + 71, + 19, + 215, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6775.mp4", + "variation_id": 0, + "video_id": "04858" + }, + { + "bbox": [ + 183, + 3, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BALL-382.mp4", + "variation_id": 0, + "video_id": "65131" + }, + { + "bbox": [ + 43, + 8, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123213.mp4", + "variation_id": 0, + "video_id": "04849" + }, + { + "bbox": [ + 93, + 13, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pqPXlU9_Chc", + "variation_id": 0, + "video_id": "67385" + }, + { + "bbox": [ + 371, + 18, + 1066, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1WX8ohyKYQY", + "variation_id": 0, + "video_id": "04859" + }, + { + "bbox": [ + 130, + 37, + 400, + 342 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 64, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=FXU1RbwSJvU", + "variation_id": 0, + "video_id": "04860" + }, + { + "bbox": [ + 347, + 68, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vnmpdsQdbFc", + "variation_id": 0, + "video_id": "04861" + }, + { + "bbox": [ + 7, + 9, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/ball.swf", + "variation_id": 0, + "video_id": "04862" + }, + { + "bbox": [ + 217, + 39, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ball.mp4", + "variation_id": 0, + "video_id": "04864" + } + ] + }, + { + "gloss": "bathroom", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1208, + "frame_start": 1142, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05296" + }, + { + "bbox": [ + 373, + 20, + 800, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 52, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bathroom-u7XrB6j-o3E.mp4", + "variation_id": 0, + "video_id": "05299" + }, + { + "bbox": [ + 125, + 23, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466649768.1620.mp4", + "variation_id": 0, + "video_id": "05300" + }, + { + "bbox": [ + 119, + 3, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bathroom2.mp4", + "variation_id": 0, + "video_id": "05301" + }, + { + "bbox": [ + 42, + 4, + 529, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bathroom.mp4", + "variation_id": 0, + "video_id": "05302" + }, + { + "bbox": [ + 85, + 17, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23911.mp4", + "variation_id": 0, + "video_id": "05303" + }, + { + "bbox": [ + 310, + 28, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2xdhyJEgXdI", + "variation_id": 0, + "video_id": "05304" + }, + { + "bbox": [ + 315, + 48, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=GSRwDBAFh70", + "variation_id": 0, + "video_id": "05305" + }, + { + "bbox": [ + 179, + 7, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BATHROOM-32.mp4", + "variation_id": 0, + "video_id": "65148" + }, + { + "bbox": [ + 100, + 20, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/cI3AyC9DfWQ", + "variation_id": 0, + "video_id": "67394" + }, + { + "bbox": [ + 141, + 38, + 397, + 344 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tk5XZhfgfcc", + "variation_id": 0, + "video_id": "05307" + }, + { + "bbox": [ + 16, + 3, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bathroom_portable.swf", + "variation_id": 0, + "video_id": "05308" + }, + { + "bbox": [ + 36, + 22, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/bathroom.swf", + "variation_id": 0, + "video_id": "05309" + }, + { + "bbox": [ + 157, + 51, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bathroom.mp4", + "variation_id": 0, + "video_id": "05310" + }, + { + "bbox": [ + 52, + 14, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92604.mp4", + "variation_id": 0, + "video_id": "05297" + }, + { + "bbox": [ + 165, + 16, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bathroom.mp4", + "variation_id": 0, + "video_id": "05298" + } + ] + }, + { + "gloss": "blanket", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3255, + "frame_start": 3189, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06550" + }, + { + "bbox": [ + 638, + 94, + 1852, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blanket-56AEFvJQNKM.mp4", + "variation_id": 0, + "video_id": "06553" + }, + { + "bbox": [ + 387, + 45, + 1893, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blanket-PGnWLYRHS4Y.mp4", + "variation_id": 0, + "video_id": "06554" + }, + { + "bbox": [ + 103, + 13, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466682724.4542.mp4", + "variation_id": 0, + "video_id": "06555" + }, + { + "bbox": [ + 31, + 2, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blanket.mp4", + "variation_id": 0, + "video_id": "06557" + }, + { + "bbox": [ + 47, + 16, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24250.mp4", + "variation_id": 0, + "video_id": "06558" + }, + { + "bbox": [ + 52, + 7, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9933.mp4", + "variation_id": 0, + "video_id": "06559" + }, + { + "bbox": [ + 147, + 23, + 514, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLANKET-40.mp4", + "variation_id": 0, + "video_id": "65204" + }, + { + "bbox": [ + 165, + 24, + 509, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLANKET-41.mp4", + "variation_id": 0, + "video_id": "65205" + }, + { + "bbox": [ + 78, + 15, + 446, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/zvl9WNR_Jco", + "variation_id": 0, + "video_id": "67415" + }, + { + "bbox": [ + 320, + 35, + 1029, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=M4dD1mvydVw", + "variation_id": 0, + "video_id": "06560" + }, + { + "bbox": [ + 0, + 0, + 245, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/blanket_electric.swf", + "variation_id": 0, + "video_id": "06561" + }, + { + "bbox": [ + 0, + 0, + 237, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/blanket.swf", + "variation_id": 0, + "video_id": "06562" + }, + { + "bbox": [ + 152, + 51, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/blanket.mp4", + "variation_id": 0, + "video_id": "06563" + }, + { + "bbox": [ + 373, + 54, + 798, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/blanket.mp4", + "variation_id": 0, + "video_id": "06551" + }, + { + "bbox": [ + 489, + 59, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blanket%202-TpMWkAVN-yo.mp4", + "variation_id": 0, + "video_id": "06552" + } + ] + }, + { + "gloss": "buy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5428, + "frame_start": 5392, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08478" + }, + { + "bbox": [ + 512, + 62, + 1374, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/buy.mp4", + "variation_id": 0, + "video_id": "69255" + }, + { + "bbox": [ + 333, + 21, + 930, + 720 + ], + "fps": 25, + "frame_end": 62, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=irVfUAKKYpg", + "variation_id": 0, + "video_id": "68566" + }, + { + "bbox": [ + 68, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6442.mp4", + "variation_id": 0, + "video_id": "08488" + }, + { + "bbox": [ + 355, + 42, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wEPDfmy2M8w", + "variation_id": 0, + "video_id": "08489" + }, + { + "bbox": [ + 92, + 12, + 426, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=-XubDLk1b10", + "variation_id": 0, + "video_id": "08490" + }, + { + "bbox": [ + 13, + 22, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/buy.swf", + "variation_id": 0, + "video_id": "08491" + }, + { + "bbox": [ + 178, + 40, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUY-424.mp4", + "variation_id": 0, + "video_id": "65282" + }, + { + "bbox": [ + 55, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125647.mp4", + "variation_id": 0, + "video_id": "08482" + }, + { + "bbox": [ + 82, + 19, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/-dvQ-z8mVlM", + "variation_id": 0, + "video_id": "67453" + }, + { + "bbox": [ + 231, + 40, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/buy.mp4", + "variation_id": 0, + "video_id": "08492" + }, + { + "bbox": [ + 210, + 16, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/buy.mp4", + "variation_id": 0, + "video_id": "08483" + }, + { + "bbox": [ + 720, + 71, + 1645, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Buy%202-8DpqiNo5tl4.mp4", + "variation_id": 0, + "video_id": "08484" + }, + { + "bbox": [ + 441, + 65, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Buy.mp4", + "variation_id": 0, + "video_id": "08485" + }, + { + "bbox": [ + 74, + 28, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725657.9852.mp4", + "variation_id": 0, + "video_id": "08486" + }, + { + "bbox": [ + 67, + 12, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/buy.mp4", + "variation_id": 0, + "video_id": "08487" + } + ] + }, + { + "gloss": "call", + "instances": [ + { + "bbox": [ + 169, + 13, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CALL-65.mp4", + "variation_id": 0, + "video_id": "65290" + }, + { + "bbox": [ + 67, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8872.mp4", + "variation_id": 1, + "video_id": "08706" + }, + { + "bbox": [ + 51, + 14, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9229.mp4", + "variation_id": 1, + "video_id": "08707" + }, + { + "bbox": [ + 153, + 6, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 104, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/E(/E(call)-1909.mp4", + "variation_id": 0, + "video_id": "65556" + }, + { + "bbox": [ + 162, + 51, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/call.mp4", + "variation_id": 0, + "video_id": "08713" + }, + { + "bbox": [ + 523, + 23, + 1639, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Call%20copy-Y2Mgkkiy_xA.mp4", + "variation_id": 1, + "video_id": "08689" + }, + { + "bbox": [ + 741, + 149, + 1483, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Call-ypM7UO3bocI.mp4", + "variation_id": 0, + "video_id": "08690" + }, + { + "bbox": [ + 96, + 17, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726118.1106.mp4", + "variation_id": 1, + "video_id": "08691" + }, + { + "bbox": [ + 22, + 19, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 17, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1471143923.4012.mp4", + "variation_id": 1, + "video_id": "08692" + }, + { + "bbox": [ + 85, + 23, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1527808150.9457.mp4", + "variation_id": 0, + "video_id": "08694" + }, + { + "bbox": [ + 5, + 1, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/call-me-phone.mp4", + "variation_id": 1, + "video_id": "08695" + }, + { + "bbox": [ + 102, + 19, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/oroJy8hOvpc", + "variation_id": 0, + "video_id": "67460" + }, + { + "bbox": [ + 23, + 5, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/call-phone2.mp4", + "variation_id": 0, + "video_id": "08697" + }, + { + "bbox": [ + 37, + 3, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 25, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/call-phone.mp4", + "variation_id": 1, + "video_id": "08698" + }, + { + "bbox": [ + 57, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6738.mp4", + "variation_id": 0, + "video_id": "08701" + }, + { + "bbox": [ + 75, + 14, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 29, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6918.mp4", + "variation_id": 0, + "video_id": "08702" + } + ] + }, + { + "gloss": "coffee", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4250, + "frame_start": 4194, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11552" + }, + { + "bbox": [ + 154, + 38, + 395, + 360 + ], + "fps": 25, + "frame_end": 4919, + "frame_start": 4817, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70298" + }, + { + "bbox": [ + 167, + 26, + 486, + 480 + ], + "fps": 25, + "frame_end": 4075, + "frame_start": 3949, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70033" + }, + { + "bbox": [ + 107, + 0, + 1171, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=vcB472PRkJM", + "variation_id": 0, + "video_id": "68025" + }, + { + "bbox": [ + 114, + 20, + 523, + 356 + ], + "fps": 25, + "frame_end": 106, + "frame_start": 1, + "instance_id": 4, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=xFRvV_RkEQI", + "variation_id": 0, + "video_id": "69024" + }, + { + "bbox": [ + 0, + 7, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/coffee.swf", + "variation_id": 0, + "video_id": "11565" + }, + { + "bbox": [ + 191, + 55, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/coffee.mp4", + "variation_id": 0, + "video_id": "11566" + }, + { + "bbox": [ + 193, + 34, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COFFEE-2035.mp4", + "variation_id": 0, + "video_id": "65375" + }, + { + "bbox": [ + 48, + 10, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74941.mp4", + "variation_id": 0, + "video_id": "11558" + }, + { + "bbox": [ + 135, + 20, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/dBm92x_A4M4", + "variation_id": 0, + "video_id": "67510" + }, + { + "bbox": [ + 421, + 59, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/coffee.mp4", + "variation_id": 0, + "video_id": "11559" + }, + { + "bbox": [ + 380, + 12, + 734, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20coffee-zjqRswd2CkM.mp4", + "variation_id": 0, + "video_id": "11560" + }, + { + "bbox": [ + 128, + 22, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466899664.8061.mp4", + "variation_id": 0, + "video_id": "11561" + }, + { + "bbox": [ + 112, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/coffee.mp4", + "variation_id": 0, + "video_id": "11562" + }, + { + "bbox": [ + 89, + 14, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7924.mp4", + "variation_id": 0, + "video_id": "11563" + }, + { + "bbox": [ + 364, + 38, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1wk1W5GuGiI", + "variation_id": 0, + "video_id": "11564" + } + ] + }, + { + "gloss": "cold", + "instances": [ + { + "bbox": [ + 129, + 16, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COLD-432.mp4", + "variation_id": 0, + "video_id": "65377" + }, + { + "bbox": [ + 180, + 57, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/cold.mp4", + "variation_id": 0, + "video_id": "11638" + }, + { + "bbox": [ + 210, + 16, + 540, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cold.mp4", + "variation_id": 0, + "video_id": "11622" + }, + { + "bbox": [ + 380, + 16, + 825, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20cold%203-YldGtQZmZYU.mp4", + "variation_id": 0, + "video_id": "11623" + }, + { + "bbox": [ + 593, + 70, + 1468, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cold-u2a1DwJhmrQ.mp4", + "variation_id": 0, + "video_id": "11624" + }, + { + "bbox": [ + 624, + 133, + 1621, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cold-V5nv_yk_Ah8.mp4", + "variation_id": 0, + "video_id": "11625" + }, + { + "bbox": [ + 411, + 31, + 1128, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Cold.mp4", + "variation_id": 0, + "video_id": "11627" + }, + { + "bbox": [ + 116, + 29, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466899767.7689.mp4", + "variation_id": 0, + "video_id": "11628" + }, + { + "bbox": [ + 110, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cold-brr.mp4", + "variation_id": 0, + "video_id": "11630" + }, + { + "bbox": [ + 59, + 16, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399313.mp4", + "variation_id": 0, + "video_id": "11621" + }, + { + "bbox": [ + 103, + 20, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/EQJ7BYa01Co", + "variation_id": 0, + "video_id": "67513" + }, + { + "bbox": [ + 88, + 22, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22759.mp4", + "variation_id": 0, + "video_id": "11633" + }, + { + "bbox": [ + 65, + 21, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22867.mp4", + "variation_id": 0, + "video_id": "11634" + }, + { + "bbox": [ + 79, + 16, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7159.mp4", + "variation_id": 0, + "video_id": "11635" + }, + { + "bbox": [ + 219, + 84, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=trlv3hkAQsQ", + "variation_id": 0, + "video_id": "11636" + }, + { + "bbox": [ + 14, + 1, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cold.swf", + "variation_id": 0, + "video_id": "11637" + } + ] + }, + { + "gloss": "college", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4297, + "frame_start": 4251, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11704" + }, + { + "bbox": [ + 101, + 0, + 1148, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=cdK1IiBMu_M", + "variation_id": 0, + "video_id": "68026" + }, + { + "bbox": [ + 96, + 25, + 280, + 240 + ], + "fps": 25, + "frame_end": 1024, + "frame_start": 908, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70206" + }, + { + "bbox": [ + 273, + 47, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dVU0UNF7DEw", + "variation_id": 0, + "video_id": "11714" + }, + { + "bbox": [ + 102, + 13, + 483, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NK9T1HlF3H4", + "variation_id": 0, + "video_id": "11715" + }, + { + "bbox": [ + 245, + 39, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=NK9T1HlF3H4", + "variation_id": 0, + "video_id": "11716" + }, + { + "bbox": [ + 29, + 2, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/college.swf", + "variation_id": 0, + "video_id": "11717" + }, + { + "bbox": [ + 190, + 35, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COLLEGE-2038.mp4", + "variation_id": 0, + "video_id": "65379" + }, + { + "bbox": [ + 46, + 5, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58486.mp4", + "variation_id": 0, + "video_id": "11708" + }, + { + "bbox": [ + 108, + 18, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/H1Axlp1fLIU", + "variation_id": 0, + "video_id": "67512" + }, + { + "bbox": [ + 181, + 56, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/college.mp4", + "variation_id": 0, + "video_id": "11718" + }, + { + "bbox": [ + 405, + 73, + 845, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/college.mp4", + "variation_id": 0, + "video_id": "11709" + }, + { + "bbox": [ + 431, + 36, + 1166, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20College.mp4", + "variation_id": 0, + "video_id": "11710" + }, + { + "bbox": [ + 82, + 20, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466899881.4501.mp4", + "variation_id": 0, + "video_id": "11711" + }, + { + "bbox": [ + 50, + 13, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/college.mp4", + "variation_id": 0, + "video_id": "11712" + }, + { + "bbox": [ + 57, + 5, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5794.mp4", + "variation_id": 0, + "video_id": "11713" + } + ] + }, + { + "gloss": "copy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6137, + "frame_start": 6091, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13258" + }, + { + "bbox": [ + 207, + 1, + 625, + 480 + ], + "fps": 25, + "frame_end": 71, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=Oacp14zeUUk", + "variation_id": 0, + "video_id": "68756" + }, + { + "bbox": [ + 133, + 22, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903369.6461.mp4", + "variation_id": 0, + "video_id": "13269" + }, + { + "bbox": [ + 74, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/copy-everyone.mp4", + "variation_id": 0, + "video_id": "13270" + }, + { + "bbox": [ + 113, + 0, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/copy-me.mp4", + "variation_id": 0, + "video_id": "13271" + }, + { + "bbox": [ + 25, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/copy.mp4", + "variation_id": 0, + "video_id": "13272" + }, + { + "bbox": [ + 72, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1380.mp4", + "variation_id": 0, + "video_id": "13273" + }, + { + "bbox": [ + 89, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24147.mp4", + "variation_id": 0, + "video_id": "13275" + }, + { + "bbox": [ + 171, + 19, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COPY-1165.mp4", + "variation_id": 0, + "video_id": "65405" + }, + { + "bbox": [ + 95, + 16, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/czmcAskan8Y", + "variation_id": 0, + "video_id": "67528" + }, + { + "bbox": [ + 368, + 52, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dm0PExvlbKY", + "variation_id": 0, + "video_id": "13276" + }, + { + "bbox": [ + 22, + 13, + 194, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/copy.swf", + "variation_id": 0, + "video_id": "13277" + }, + { + "bbox": [ + 179, + 56, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/copy2.mp4", + "variation_id": 0, + "video_id": "13278" + }, + { + "bbox": [ + 172, + 54, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/copy.mp4", + "variation_id": 0, + "video_id": "13279" + }, + { + "bbox": [ + 574, + 62, + 1437, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Copy%202-JFnW_6la6nc.mp4", + "variation_id": 0, + "video_id": "13267" + }, + { + "bbox": [ + 856, + 128, + 1714, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Copy-bxtQREjPuTg.mp4", + "variation_id": 0, + "video_id": "13268" + } + ] + }, + { + "gloss": "cute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7518, + "frame_start": 7479, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14450" + }, + { + "bbox": [ + 364, + 38, + 924, + 720 + ], + "fps": 25, + "frame_end": 39, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=lE--hnqz2lo", + "variation_id": 0, + "video_id": "68652" + }, + { + "bbox": [ + 144, + 0, + 485, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cute2.mp4", + "variation_id": 0, + "video_id": "14455" + }, + { + "bbox": [ + 163, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cute.mp4", + "variation_id": 0, + "video_id": "14456" + }, + { + "bbox": [ + 69, + 11, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8732.mp4", + "variation_id": 0, + "video_id": "14457" + }, + { + "bbox": [ + 74, + 10, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8733.mp4", + "variation_id": 0, + "video_id": "14458" + }, + { + "bbox": [ + 350, + 28, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Swd3dXctl9E", + "variation_id": 0, + "video_id": "14459" + }, + { + "bbox": [ + 155, + 16, + 454, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 99, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CU/CUTE_1or2-438.mp4", + "variation_id": 0, + "video_id": "65432" + }, + { + "bbox": [ + 123, + 22, + 360, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/SRF4kTJWSBQ", + "variation_id": 0, + "video_id": "67549" + }, + { + "bbox": [ + 105, + 12, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Tpd0LRCDzsY", + "variation_id": 0, + "video_id": "67548" + }, + { + "bbox": [ + 22, + 9, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cute.swf", + "variation_id": 0, + "video_id": "14460" + }, + { + "bbox": [ + 186, + 63, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cute.mp4", + "variation_id": 0, + "video_id": "14461" + }, + { + "bbox": [ + 45, + 0, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58499.mp4", + "variation_id": 0, + "video_id": "14451" + }, + { + "bbox": [ + 382, + 50, + 798, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cute.mp4", + "variation_id": 0, + "video_id": "14452" + }, + { + "bbox": [ + 144, + 38, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906048.8806.mp4", + "variation_id": 0, + "video_id": "14453" + }, + { + "bbox": [ + 186, + 76, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546573069.1645.mp4", + "variation_id": 0, + "video_id": "14454" + } + ] + }, + { + "gloss": "daughter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 336, + "frame_start": 287, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14748" + }, + { + "bbox": [ + 173, + 46, + 443, + 360 + ], + "fps": 25, + "frame_end": 1704, + "frame_start": 1609, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70334" + }, + { + "bbox": [ + 303, + 14, + 961, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Rfnpk9fqpGI", + "variation_id": 0, + "video_id": "68858" + }, + { + "bbox": [ + 63, + 10, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/daughter.mp4", + "variation_id": 0, + "video_id": "14754" + }, + { + "bbox": [ + 63, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6365.mp4", + "variation_id": 0, + "video_id": "14755" + }, + { + "bbox": [ + 67, + 21, + 209, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8464.mp4", + "variation_id": 0, + "video_id": "14756" + }, + { + "bbox": [ + 66, + 19, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8466.mp4", + "variation_id": 0, + "video_id": "14757" + }, + { + "bbox": [ + 185, + 17, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DAUGHTER-1211.mp4", + "variation_id": 0, + "video_id": "65443" + }, + { + "bbox": [ + 316, + 44, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hJD5uIn7ZHg", + "variation_id": 0, + "video_id": "14758" + }, + { + "bbox": [ + 6, + 5, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/daughter.swf", + "variation_id": 0, + "video_id": "14759" + }, + { + "bbox": [ + 183, + 61, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/daughter.mp4", + "variation_id": 0, + "video_id": "14760" + }, + { + "bbox": [ + 25, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 75, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399330.mp4", + "variation_id": 0, + "video_id": "14749" + }, + { + "bbox": [ + 435, + 70, + 855, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/daughter.mp4", + "variation_id": 0, + "video_id": "14750" + }, + { + "bbox": [ + 412, + 40, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Daughter%20Old-v4cNSS7EQus.mp4", + "variation_id": 0, + "video_id": "14751" + }, + { + "bbox": [ + 867, + 55, + 1730, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Daughter--CRawrGay1g.mp4", + "variation_id": 0, + "video_id": "14752" + }, + { + "bbox": [ + 110, + 18, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906650.7965.mp4", + "variation_id": 0, + "video_id": "14753" + } + ] + }, + { + "gloss": "example", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2969, + "frame_start": 2933, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20064" + }, + { + "bbox": [ + 741, + 17, + 1678, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Example%202-y3XklXpz9Xc.mp4", + "variation_id": 1, + "video_id": "20067" + }, + { + "bbox": [ + 709, + 16, + 1686, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Example%203-eKHr0uVDy9g.mp4", + "variation_id": 1, + "video_id": "20068" + }, + { + "bbox": [ + 592, + 68, + 1506, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Example-H2rgcfiBkbo.mp4", + "variation_id": 0, + "video_id": "20070" + }, + { + "bbox": [ + 583, + 25, + 1707, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Example-luDr_yqrP4s.mp4", + "variation_id": 1, + "video_id": "20071" + }, + { + "bbox": [ + 64, + 11, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378376.6984.mp4", + "variation_id": 0, + "video_id": "20072" + }, + { + "bbox": [ + 112, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/example.mp4", + "variation_id": 0, + "video_id": "20073" + }, + { + "bbox": [ + 172, + 30, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXAMPLE-1337.mp4", + "variation_id": 0, + "video_id": "65652" + }, + { + "bbox": [ + 194, + 40, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXAMPLE-2305.mp4", + "variation_id": 0, + "video_id": "65653" + }, + { + "bbox": [ + 187, + 39, + 466, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXAMPLE-2958.mp4", + "variation_id": 1, + "video_id": "65654" + }, + { + "bbox": [ + 76, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6176.mp4", + "variation_id": 0, + "video_id": "20074" + }, + { + "bbox": [ + 366, + 49, + 1031, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DnIb38DHk30", + "variation_id": 0, + "video_id": "20075" + }, + { + "bbox": [ + 4, + 8, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/example.swf", + "variation_id": 1, + "video_id": "20076" + }, + { + "bbox": [ + 236, + 46, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/example.mp4", + "variation_id": 0, + "video_id": "20077" + }, + { + "bbox": [ + 75, + 1, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455572.mp4", + "variation_id": 0, + "video_id": "20066" + } + ] + }, + { + "gloss": "far", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 519, + "frame_start": 480, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21052" + }, + { + "bbox": [ + 493, + 68, + 1462, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Far-Is4-JyMoX5A.mp4", + "variation_id": 0, + "video_id": "21073" + }, + { + "bbox": [ + 482, + 57, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Far-sfcP223iU-4.mp4", + "variation_id": 0, + "video_id": "21074" + }, + { + "bbox": [ + 143, + 35, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499869515.5396.mp4", + "variation_id": 1, + "video_id": "21075" + }, + { + "bbox": [ + 8, + 0, + 629, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/far.mp4", + "variation_id": 0, + "video_id": "21076" + }, + { + "bbox": [ + 45, + 0, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23561.mp4", + "variation_id": 0, + "video_id": "21077" + }, + { + "bbox": [ + 48, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23562.mp4", + "variation_id": 1, + "video_id": "21078" + }, + { + "bbox": [ + 163, + 23, + 453, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAR-699.mp4", + "variation_id": 0, + "video_id": "65682" + }, + { + "bbox": [ + 67, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455630.mp4", + "variation_id": 0, + "video_id": "21069" + }, + { + "bbox": [ + 67, + 15, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/fpCyfaQ5bXY", + "variation_id": 0, + "video_id": "67643" + }, + { + "bbox": [ + 128, + 0, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zVJ7-WuHsow", + "variation_id": 0, + "video_id": "21079" + }, + { + "bbox": [ + 21, + 0, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/far.swf", + "variation_id": 0, + "video_id": "21080" + }, + { + "bbox": [ + 183, + 42, + 489, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/remote.mp4", + "variation_id": 0, + "video_id": "21081" + }, + { + "bbox": [ + 362, + 57, + 898, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/far.mp4", + "variation_id": 1, + "video_id": "21070" + }, + { + "bbox": [ + 539, + 64, + 1456, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Far%202-0WbL8BG12fo.mp4", + "variation_id": 1, + "video_id": "21071" + }, + { + "bbox": [ + 359, + 0, + 1402, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Far-6By4ve8GCtI.mp4", + "variation_id": 1, + "video_id": "21072" + } + ] + }, + { + "gloss": "first", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1524, + "frame_start": 1482, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22071" + }, + { + "bbox": [ + 79, + 17, + 473, + 480 + ], + "fps": 25, + "frame_end": 7436, + "frame_start": 7313, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 1, + "video_id": "70083" + }, + { + "bbox": [ + 401, + 54, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/first.mp4", + "variation_id": 1, + "video_id": "22086" + }, + { + "bbox": [ + 75, + 6, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468494663.4948.mp4", + "variation_id": 1, + "video_id": "22087" + }, + { + "bbox": [ + 34, + 13, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/first-ordinal.mp4", + "variation_id": 0, + "video_id": "22088" + }, + { + "bbox": [ + 30, + 16, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/first-time.mp4", + "variation_id": 1, + "video_id": "22089" + }, + { + "bbox": [ + 77, + 16, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7760.mp4", + "variation_id": 1, + "video_id": "22094" + }, + { + "bbox": [ + 149, + 21, + 446, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FIRST-1474.mp4", + "variation_id": 1, + "video_id": "65729" + }, + { + "bbox": [ + 173, + 31, + 506, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FIRST-1475.mp4", + "variation_id": 1, + "video_id": "65730" + }, + { + "bbox": [ + 154, + 28, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FIRST-458.mp4", + "variation_id": 0, + "video_id": "65728" + }, + { + "bbox": [ + 66, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455675.mp4", + "variation_id": 0, + "video_id": "22085" + }, + { + "bbox": [ + 108, + 20, + 341, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/y2qGwZW9V4g", + "variation_id": 0, + "video_id": "67666" + }, + { + "bbox": [ + 92, + 18, + 226, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8417.mp4", + "variation_id": 0, + "video_id": "22095" + }, + { + "bbox": [ + 234, + 12, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=x5l3yT0VW_w", + "variation_id": 1, + "video_id": "22096" + }, + { + "bbox": [ + 13, + 21, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/first.swf", + "variation_id": 1, + "video_id": "22097" + }, + { + "bbox": [ + 176, + 51, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/first.mp4", + "variation_id": 0, + "video_id": "22098" + } + ] + }, + { + "gloss": "friend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3142, + "frame_start": 3083, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23567" + }, + { + "bbox": [ + 303, + 16, + 889, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=25OsRZMSydI", + "variation_id": 0, + "video_id": "68214" + }, + { + "bbox": [ + 188, + 38, + 449, + 360 + ], + "fps": 25, + "frame_end": 3060, + "frame_start": 2961, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70342" + }, + { + "bbox": [ + 235, + 31, + 981, + 720 + ], + "fps": 25, + "frame_end": 102, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=uvhVws-LlfM", + "variation_id": 0, + "video_id": "68952" + }, + { + "bbox": [ + 71, + 10, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14372.mp4", + "variation_id": 0, + "video_id": "23574" + }, + { + "bbox": [ + 108, + 5, + 518, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=6a571i9uA3U", + "variation_id": 0, + "video_id": "23575" + }, + { + "bbox": [ + 318, + 33, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6RRmIyhkMx0", + "variation_id": 0, + "video_id": "23576" + }, + { + "bbox": [ + 156, + 41, + 485, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FRIEND-462.mp4", + "variation_id": 0, + "video_id": "65782" + }, + { + "bbox": [ + 65, + 17, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/VXN_PVcYgKc", + "variation_id": 0, + "video_id": "67691" + }, + { + "bbox": [ + 0, + 4, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/friend.swf", + "variation_id": 0, + "video_id": "23577" + }, + { + "bbox": [ + 178, + 51, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/friend.mp4", + "variation_id": 0, + "video_id": "23578" + }, + { + "bbox": [ + 45, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456372.mp4", + "variation_id": 0, + "video_id": "23568" + }, + { + "bbox": [ + 217, + 18, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/friend.mp4", + "variation_id": 0, + "video_id": "23569" + }, + { + "bbox": [ + 389, + 15, + 812, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Friend-kf4Rs2291OM.mp4", + "variation_id": 0, + "video_id": "23570" + }, + { + "bbox": [ + 66, + 9, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514220.311.mp4", + "variation_id": 0, + "video_id": "23572" + }, + { + "bbox": [ + 94, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/friend.mp4", + "variation_id": 0, + "video_id": "23573" + } + ] + }, + { + "gloss": "good", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1236, + "frame_start": 1194, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25037" + }, + { + "bbox": [ + 363, + 43, + 868, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/good.mp4", + "variation_id": 0, + "video_id": "69347" + }, + { + "bbox": [ + 182, + 46, + 414, + 360 + ], + "fps": 25, + "frame_end": 5351, + "frame_start": 5256, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70259" + }, + { + "bbox": [ + 79, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14369.mp4", + "variation_id": 1, + "video_id": "25072" + }, + { + "bbox": [ + 77, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6519.mp4", + "variation_id": 0, + "video_id": "25073" + }, + { + "bbox": [ + 256, + 0, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=tTDXplV6TKA", + "variation_id": 1, + "video_id": "25074" + }, + { + "bbox": [ + 24, + 8, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/good.swf", + "variation_id": 1, + "video_id": "25075" + }, + { + "bbox": [ + 165, + 19, + 451, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GOOD-472.mp4", + "variation_id": 0, + "video_id": "65835" + }, + { + "bbox": [ + 69, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456461.mp4", + "variation_id": 1, + "video_id": "25066" + }, + { + "bbox": [ + 105, + 12, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/nTaaoVc75-k", + "variation_id": 0, + "video_id": "67723" + }, + { + "bbox": [ + 244, + 43, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/good.mp4", + "variation_id": 1, + "video_id": "25076" + }, + { + "bbox": [ + 224, + 16, + 519, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/good.mp4", + "variation_id": 1, + "video_id": "25067" + }, + { + "bbox": [ + 287, + 11, + 778, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20good2-teA9no8RAog.mp4", + "variation_id": 0, + "video_id": "25068" + }, + { + "bbox": [ + 759, + 56, + 1660, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Good-kA-FPrCV88o.mp4", + "variation_id": 1, + "video_id": "25069" + }, + { + "bbox": [ + 87, + 8, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468549579.7523.mp4", + "variation_id": 0, + "video_id": "25070" + }, + { + "bbox": [ + 88, + 15, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/good.mp4", + "variation_id": 0, + "video_id": "25071" + } + ] + }, + { + "gloss": "happy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 527, + "frame_start": 465, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26506" + }, + { + "bbox": [ + 119, + 36, + 394, + 360 + ], + "fps": 25, + "frame_end": 1497, + "frame_start": 1404, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 1, + "video_id": "70284" + }, + { + "bbox": [ + 34, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/happy.mp4", + "variation_id": 1, + "video_id": "26528" + }, + { + "bbox": [ + 66, + 15, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23649.mp4", + "variation_id": 1, + "video_id": "26530" + }, + { + "bbox": [ + 67, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23650.mp4", + "variation_id": 0, + "video_id": "26531" + }, + { + "bbox": [ + 59, + 14, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23651.mp4", + "variation_id": 0, + "video_id": "26532" + }, + { + "bbox": [ + 326, + 50, + 848, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=RYpAClHsBTM", + "variation_id": 1, + "video_id": "26533" + }, + { + "bbox": [ + 42, + 3, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456551.mp4", + "variation_id": 0, + "video_id": "26524" + }, + { + "bbox": [ + 93, + 14, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/deGERv54kIc", + "variation_id": 1, + "video_id": "67743" + }, + { + "bbox": [ + 346, + 39, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=SHc7_8aD9Rw", + "variation_id": 1, + "video_id": "26534" + }, + { + "bbox": [ + 286, + 12, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZXHHO_DY6_A", + "variation_id": 0, + "video_id": "26535" + }, + { + "bbox": [ + 0, + 8, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/happy.swf", + "variation_id": 0, + "video_id": "26536" + }, + { + "bbox": [ + 146, + 53, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/happy.mp4", + "variation_id": 1, + "video_id": "26537" + }, + { + "bbox": [ + 194, + 16, + 518, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/happy.mp4", + "variation_id": 1, + "video_id": "26525" + }, + { + "bbox": [ + 254, + 0, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Happy.mp4", + "variation_id": 0, + "video_id": "26526" + }, + { + "bbox": [ + 47, + 18, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579583.2605.mp4", + "variation_id": 1, + "video_id": "26527" + } + ] + }, + { + "gloss": "home", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1906, + "frame_start": 1867, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27762" + }, + { + "bbox": [ + 290, + 33, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/home.mp4", + "variation_id": 0, + "video_id": "69366" + }, + { + "bbox": [ + 278, + 11, + 914, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=h5auyidvtSc", + "variation_id": 0, + "video_id": "68514" + }, + { + "bbox": [ + 120, + 21, + 475, + 480 + ], + "fps": 25, + "frame_end": 8099, + "frame_start": 7998, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70085" + }, + { + "bbox": [ + 353, + 29, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=n0Xb58PVX_A", + "variation_id": 0, + "video_id": "27772" + }, + { + "bbox": [ + 166, + 6, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=WSHD1XX7kWk", + "variation_id": 0, + "video_id": "27773" + }, + { + "bbox": [ + 24, + 8, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/home.swf", + "variation_id": 0, + "video_id": "27774" + }, + { + "bbox": [ + 81, + 6, + 226, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/home.mov", + "variation_id": 0, + "video_id": "27765" + }, + { + "bbox": [ + 99, + 12, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/kI8My8vQVXM", + "variation_id": 0, + "video_id": "67765" + }, + { + "bbox": [ + 224, + 40, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/residence.mp4", + "variation_id": 0, + "video_id": "27775" + }, + { + "bbox": [ + 50, + 8, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58526.mp4", + "variation_id": 0, + "video_id": "27766" + }, + { + "bbox": [ + 221, + 14, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/home.mp4", + "variation_id": 0, + "video_id": "27767" + }, + { + "bbox": [ + 80, + 12, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468581607.3342.mp4", + "variation_id": 0, + "video_id": "27768" + }, + { + "bbox": [ + 84, + 5, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/home.mp4", + "variation_id": 0, + "video_id": "27769" + }, + { + "bbox": [ + 73, + 17, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7180.mp4", + "variation_id": 0, + "video_id": "27770" + }, + { + "bbox": [ + 318, + 89, + 843, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=mq0ygGcmFKY", + "variation_id": 0, + "video_id": "27771" + } + ] + }, + { + "gloss": "know", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 673, + "frame_start": 624, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31896" + }, + { + "bbox": [ + 81, + 21, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468670827.8910.mp4", + "variation_id": 0, + "video_id": "31900" + }, + { + "bbox": [ + 144, + 30, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522766867.4800.mp4", + "variation_id": 0, + "video_id": "31901" + }, + { + "bbox": [ + 86, + 28, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/know.mp4", + "variation_id": 0, + "video_id": "31902" + }, + { + "bbox": [ + 48, + 9, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9496.mp4", + "variation_id": 0, + "video_id": "31903" + }, + { + "bbox": [ + 237, + 42, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=6jP9ZtXcQkM", + "variation_id": 0, + "video_id": "31904" + }, + { + "bbox": [ + 224, + 0, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ht2B0VzHFwQ", + "variation_id": 0, + "video_id": "31905" + }, + { + "bbox": [ + 178, + 12, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KN/KNOW-554.mp4", + "variation_id": 0, + "video_id": "66002" + }, + { + "bbox": [ + 93, + 23, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/AMYxu_v6Caw", + "variation_id": 0, + "video_id": "67823" + }, + { + "bbox": [ + 334, + 56, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MBzzJk_5WwY", + "variation_id": 0, + "video_id": "31906" + }, + { + "bbox": [ + 209, + 0, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=RLjz2Q1WMQ4", + "variation_id": 0, + "video_id": "31907" + }, + { + "bbox": [ + 21, + 5, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/know.swf", + "variation_id": 0, + "video_id": "31908" + }, + { + "bbox": [ + 168, + 67, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/know.mp4", + "variation_id": 0, + "video_id": "31909" + }, + { + "bbox": [ + 62, + 2, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457474.mp4", + "variation_id": 0, + "video_id": "31897" + }, + { + "bbox": [ + 184, + 17, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/know.mp4", + "variation_id": 0, + "video_id": "31898" + }, + { + "bbox": [ + 456, + 46, + 1792, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Know-aCx2fU-hklU.mp4", + "variation_id": 0, + "video_id": "31899" + } + ] + }, + { + "gloss": "late", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 377, + "frame_start": 335, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32298" + }, + { + "bbox": [ + 67, + 46, + 396, + 360 + ], + "fps": 25, + "frame_end": 4625, + "frame_start": 4514, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70297" + }, + { + "bbox": [ + 47, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671400.7103.mp4", + "variation_id": 0, + "video_id": "32304" + }, + { + "bbox": [ + 83, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/late.mp4", + "variation_id": 0, + "video_id": "32305" + }, + { + "bbox": [ + 41, + 7, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14721.mp4", + "variation_id": 0, + "video_id": "32306" + }, + { + "bbox": [ + 98, + 9, + 509, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=8W6NWFfvQG0", + "variation_id": 0, + "video_id": "32307" + }, + { + "bbox": [ + 186, + 52, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9ul_1z23KLI", + "variation_id": 0, + "video_id": "32308" + }, + { + "bbox": [ + 0, + 3, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/l/late_for_class.swf", + "variation_id": 0, + "video_id": "32309" + }, + { + "bbox": [ + 207, + 34, + 563, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LATE-1689.mp4", + "variation_id": 0, + "video_id": "66013" + }, + { + "bbox": [ + 14, + 1, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457495.mp4", + "variation_id": 0, + "video_id": "32300" + }, + { + "bbox": [ + 39, + 24, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hE7vwJDc-4Y", + "variation_id": 0, + "video_id": "67828" + }, + { + "bbox": [ + 0, + 3, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/late.swf", + "variation_id": 0, + "video_id": "32310" + }, + { + "bbox": [ + 131, + 55, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/late.mp4", + "variation_id": 0, + "video_id": "32311" + }, + { + "bbox": [ + 131, + 55, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/late.mp4", + "variation_id": 0, + "video_id": "32312" + }, + { + "bbox": [ + 307, + 54, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/late.mp4", + "variation_id": 0, + "video_id": "32302" + }, + { + "bbox": [ + 627, + 53, + 1592, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Late-dyYqPvUysCQ.mp4", + "variation_id": 0, + "video_id": "32303" + } + ] + }, + { + "gloss": "leave", + "instances": [ + { + "bbox": [ + 126, + 18, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=fn1PTkU1fGI", + "variation_id": 0, + "video_id": "32673" + }, + { + "bbox": [ + 394, + 50, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/leave.mp4", + "variation_id": 1, + "video_id": "32655" + }, + { + "bbox": [ + 12, + 17, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/leave.swf", + "variation_id": 1, + "video_id": "32675" + }, + { + "bbox": [ + 180, + 53, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/leave.mp4", + "variation_id": 1, + "video_id": "32677" + }, + { + "bbox": [ + 129, + 39, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEAVE-471.mp4", + "variation_id": 0, + "video_id": "66025" + }, + { + "bbox": [ + 632, + 134, + 1572, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Leave%2C%20Strike-2gkECov8jEc.mp4", + "variation_id": 0, + "video_id": "32657" + }, + { + "bbox": [ + 530, + 45, + 1786, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Leave-e_PuKm3xt7A.mp4", + "variation_id": 0, + "video_id": "32658" + }, + { + "bbox": [ + 456, + 126, + 1493, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Leave-ihxQx3ngWyc.mp4", + "variation_id": 0, + "video_id": "32659" + }, + { + "bbox": [ + 16, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671849.7366.mp4", + "variation_id": 1, + "video_id": "32661" + }, + { + "bbox": [ + 99, + 21, + 480, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1469158423.398.mp4", + "variation_id": 0, + "video_id": "32662" + }, + { + "bbox": [ + 58, + 26, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/leave-depart.mp4", + "variation_id": 1, + "video_id": "32663" + }, + { + "bbox": [ + 58, + 9, + 308, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457518.mp4", + "variation_id": 1, + "video_id": "32654" + }, + { + "bbox": [ + 94, + 12, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1ebUDpd-7DE", + "variation_id": 1, + "video_id": "67836" + }, + { + "bbox": [ + 34, + 27, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/leave-gone.mp4", + "variation_id": 0, + "video_id": "32664" + }, + { + "bbox": [ + 32, + 14, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22235.mp4", + "variation_id": 0, + "video_id": "32667" + }, + { + "bbox": [ + 92, + 15, + 254, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22740.mp4", + "variation_id": 1, + "video_id": "32669" + } + ] + }, + { + "gloss": "list", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1951, + "frame_start": 1895, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33450" + }, + { + "bbox": [ + 626, + 60, + 1408, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20List-UOfIIfQ2XZc.mp4", + "variation_id": 0, + "video_id": "33475" + }, + { + "bbox": [ + 141, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712054.3568.mp4", + "variation_id": 0, + "video_id": "33477" + }, + { + "bbox": [ + 140, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/list.mp4", + "variation_id": 0, + "video_id": "33478" + }, + { + "bbox": [ + 102, + 19, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23283.mp4", + "variation_id": 0, + "video_id": "33479" + }, + { + "bbox": [ + 106, + 20, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23285.mp4", + "variation_id": 0, + "video_id": "33480" + }, + { + "bbox": [ + 350, + 19, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6tmwqlYiflI", + "variation_id": 0, + "video_id": "33481" + }, + { + "bbox": [ + 155, + 29, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LIST-1644.mp4", + "variation_id": 0, + "video_id": "66075" + }, + { + "bbox": [ + 83, + 3, + 235, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/list.mov", + "variation_id": 0, + "video_id": "33472" + }, + { + "bbox": [ + 93, + 17, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8vNp_xyNxws", + "variation_id": 0, + "video_id": "67852" + }, + { + "bbox": [ + 350, + 16, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=d87UogAsyxg", + "variation_id": 0, + "video_id": "33482" + }, + { + "bbox": [ + 294, + 0, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LFubvvh2-sE", + "variation_id": 0, + "video_id": "33484" + }, + { + "bbox": [ + 23, + 18, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/l/list.swf", + "variation_id": 0, + "video_id": "33485" + }, + { + "bbox": [ + 239, + 45, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/list.mp4", + "variation_id": 0, + "video_id": "33486" + }, + { + "bbox": [ + 58, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/75021.mp4", + "variation_id": 0, + "video_id": "33473" + }, + { + "bbox": [ + 651, + 62, + 1416, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lesson%2C%20List%2C%20Recipe-8d-XUOnzYFE.mp4", + "variation_id": 0, + "video_id": "33474" + } + ] + }, + { + "gloss": "lose", + "instances": [ + { + "bbox": [ + 66, + 0, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457582.mp4", + "variation_id": 0, + "video_id": "34002" + }, + { + "bbox": [ + 284, + 14, + 606, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lose%20(Trimmed)-Tjt-yGXkpfQ.mp4", + "variation_id": 1, + "video_id": "34004" + }, + { + "bbox": [ + 562, + 53, + 1605, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lose%2C%20Lost-1960eVTWUJw.mp4", + "variation_id": 0, + "video_id": "34005" + }, + { + "bbox": [ + 371, + 11, + 815, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20lose-srt0wJbxsZE.mp4", + "variation_id": 1, + "video_id": "34006" + }, + { + "bbox": [ + 274, + 8, + 614, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20lose.mp4", + "variation_id": 1, + "video_id": "34007" + }, + { + "bbox": [ + 128, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712664.805.mp4", + "variation_id": 0, + "video_id": "34008" + }, + { + "bbox": [ + 115, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lose-game.mp4", + "variation_id": 1, + "video_id": "34009" + }, + { + "bbox": [ + 69, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lose.mp4", + "variation_id": 0, + "video_id": "34010" + }, + { + "bbox": [ + 92, + 17, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lH9vlUcCL24", + "variation_id": 1, + "video_id": "67861" + }, + { + "bbox": [ + 77, + 18, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6520.mp4", + "variation_id": 1, + "video_id": "34012" + }, + { + "bbox": [ + 169, + 13, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=EyI_I3wOt5Y", + "variation_id": 0, + "video_id": "34013" + }, + { + "bbox": [ + 195, + 19, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=EyI_I3wOt5Y", + "variation_id": 0, + "video_id": "34014" + }, + { + "bbox": [ + 331, + 58, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hToPKg_N4qY", + "variation_id": 0, + "video_id": "34015" + }, + { + "bbox": [ + 0, + 6, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/lose.swf", + "variation_id": 0, + "video_id": "34016" + }, + { + "bbox": [ + 234, + 40, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lose2.mp4", + "variation_id": 0, + "video_id": "34017" + }, + { + "bbox": [ + 243, + 39, + 510, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lose.mp4", + "variation_id": 1, + "video_id": "34018" + } + ] + }, + { + "gloss": "name", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37575" + }, + { + "bbox": [ + 331, + 37, + 917, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/name.mp4", + "variation_id": 0, + "video_id": "69405" + }, + { + "bbox": [ + 370, + 19, + 903, + 720 + ], + "fps": 25, + "frame_end": 32, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=GDAvnSKfZoU", + "variation_id": 0, + "video_id": "68480" + }, + { + "bbox": [ + 158, + 0, + 667, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=_ObcZbitfJg", + "variation_id": 0, + "video_id": "68106" + }, + { + "bbox": [ + 173, + 14, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GbeC9TFuSX4", + "variation_id": 0, + "video_id": "37587" + }, + { + "bbox": [ + 351, + 49, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=nMFZhDcynoY", + "variation_id": 0, + "video_id": "37588" + }, + { + "bbox": [ + 16, + 5, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/name.swf", + "variation_id": 0, + "video_id": "37589" + }, + { + "bbox": [ + 23, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/48612.mp4", + "variation_id": 0, + "video_id": "37580" + }, + { + "bbox": [ + 89, + 20, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yFYsa9KPUXc", + "variation_id": 0, + "video_id": "67922" + }, + { + "bbox": [ + 213, + 53, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/name.mp4", + "variation_id": 0, + "video_id": "37590" + }, + { + "bbox": [ + 610, + 67, + 1575, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Name-DikA_15hmng.mp4", + "variation_id": 0, + "video_id": "37581" + }, + { + "bbox": [ + 154, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717645.5170.mp4", + "variation_id": 0, + "video_id": "37582" + }, + { + "bbox": [ + 66, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/name.mp4", + "variation_id": 0, + "video_id": "37583" + }, + { + "bbox": [ + 122, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/name-verb.mp4", + "variation_id": 0, + "video_id": "37584" + }, + { + "bbox": [ + 81, + 15, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7751.mp4", + "variation_id": 0, + "video_id": "37585" + }, + { + "bbox": [ + 328, + 24, + 898, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=7ZeN8irshAc", + "variation_id": 0, + "video_id": "37586" + } + ] + }, + { + "gloss": "old", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 680, + "frame_start": 618, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39604" + }, + { + "bbox": [ + 369, + 40, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/old.mp4", + "variation_id": 0, + "video_id": "69419" + }, + { + "bbox": [ + 78, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/older.mp4", + "variation_id": 0, + "video_id": "39629" + }, + { + "bbox": [ + 350, + 43, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wmJfQSUsnQ8", + "variation_id": 0, + "video_id": "39633" + }, + { + "bbox": [ + 342, + 26, + 904, + 720 + ], + "fps": 25, + "frame_end": 37, + "frame_start": 1, + "instance_id": 4, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=XuVeMWG5xMs", + "variation_id": 0, + "video_id": "69040" + }, + { + "bbox": [ + 46, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/49163.mp4", + "variation_id": 0, + "video_id": "39624" + }, + { + "bbox": [ + 35, + 6, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/old-notnew.mp4", + "variation_id": 0, + "video_id": "39630" + }, + { + "bbox": [ + 62, + 0, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 86, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/old-very.mp4", + "variation_id": 0, + "video_id": "39631" + }, + { + "bbox": [ + 103, + 16, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/IhZacj3-_a4", + "variation_id": 0, + "video_id": "67944" + }, + { + "bbox": [ + 74, + 16, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6337.mp4", + "variation_id": 0, + "video_id": "39632" + }, + { + "bbox": [ + 0, + 5, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/old.swf", + "variation_id": 0, + "video_id": "39634" + }, + { + "bbox": [ + 204, + 53, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stale.mp4", + "variation_id": 0, + "video_id": "39635" + }, + { + "bbox": [ + 228, + 17, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/old.mp4", + "variation_id": 0, + "video_id": "39625" + }, + { + "bbox": [ + 862, + 63, + 1737, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Old-PYeMIH_-Kog.mp4", + "variation_id": 0, + "video_id": "39626" + }, + { + "bbox": [ + 125, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721358.1844.mp4", + "variation_id": 0, + "video_id": "39627" + }, + { + "bbox": [ + 70, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/old-age.mp4", + "variation_id": 0, + "video_id": "39628" + } + ] + }, + { + "gloss": "person", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1600, + "frame_start": 1558, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42196" + }, + { + "bbox": [ + 355, + 17, + 922, + 720 + ], + "fps": 25, + "frame_end": 60, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=LawiJaK2Jw0", + "variation_id": 0, + "video_id": "68646" + }, + { + "bbox": [ + 196, + 7, + 643, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=rcZE9yHR0bQ", + "variation_id": 0, + "video_id": "68129" + }, + { + "bbox": [ + 149, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725222.7589.mp4", + "variation_id": 0, + "video_id": "42227" + }, + { + "bbox": [ + 89, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/person.mp4", + "variation_id": 0, + "video_id": "42228" + }, + { + "bbox": [ + 87, + 22, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22125.mp4", + "variation_id": 0, + "video_id": "42231" + }, + { + "bbox": [ + 87, + 22, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22125.mp4", + "variation_id": 0, + "video_id": "42232" + }, + { + "bbox": [ + 351, + 47, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ONuBnrzVXQw", + "variation_id": 0, + "video_id": "42234" + }, + { + "bbox": [ + 194, + 7, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PE/PERSON-888.mp4", + "variation_id": 0, + "video_id": "66280" + }, + { + "bbox": [ + 67, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457738.mp4", + "variation_id": 0, + "video_id": "42225" + }, + { + "bbox": [ + 100, + 11, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/owpU6xgfONs", + "variation_id": 0, + "video_id": "67981" + }, + { + "bbox": [ + 355, + 38, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RXX7T4-saPs", + "variation_id": 0, + "video_id": "42236" + }, + { + "bbox": [ + 25, + 18, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/person_marker.swf", + "variation_id": 0, + "video_id": "42237" + }, + { + "bbox": [ + 3, + 13, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/person.swf", + "variation_id": 0, + "video_id": "42238" + }, + { + "bbox": [ + 197, + 56, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/person.mp4", + "variation_id": 0, + "video_id": "42239" + }, + { + "bbox": [ + 752, + 58, + 1668, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Person-JuPDRv_OWWQ.mp4", + "variation_id": 0, + "video_id": "42226" + } + ] + }, + { + "gloss": "police", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3305, + "frame_start": 3246, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43519" + }, + { + "bbox": [ + 139, + 34, + 452, + 480 + ], + "fps": 25, + "frame_end": 5285, + "frame_start": 5152, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70198" + }, + { + "bbox": [ + 123, + 3, + 482, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/police-c.mp4", + "variation_id": 0, + "video_id": "43526" + }, + { + "bbox": [ + 92, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/police.mp4", + "variation_id": 0, + "video_id": "43527" + }, + { + "bbox": [ + 74, + 7, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14010.mp4", + "variation_id": 0, + "video_id": "43528" + }, + { + "bbox": [ + 74, + 6, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14012.mp4", + "variation_id": 0, + "video_id": "43529" + }, + { + "bbox": [ + 387, + 59, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 62, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=1DmLfk0JE84", + "variation_id": 0, + "video_id": "43531" + }, + { + "bbox": [ + 199, + 10, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POLICE-912.mp4", + "variation_id": 0, + "video_id": "66306" + }, + { + "bbox": [ + 49, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49201.mp4", + "variation_id": 0, + "video_id": "43522" + }, + { + "bbox": [ + 126, + 0, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aPcjl3P94xc", + "variation_id": 0, + "video_id": "43532" + }, + { + "bbox": [ + 263, + 40, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TyxYhCL1RSA", + "variation_id": 0, + "video_id": "43533" + }, + { + "bbox": [ + 7, + 20, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/police.swf", + "variation_id": 0, + "video_id": "43534" + }, + { + "bbox": [ + 176, + 51, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/cop.mp4", + "variation_id": 0, + "video_id": "43535" + }, + { + "bbox": [ + 739, + 67, + 1542, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cop%202-Nba4p7eNbnY.mp4", + "variation_id": 0, + "video_id": "43523" + }, + { + "bbox": [ + 768, + 57, + 1539, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Officer-_bWGe-DFJdw.mp4", + "variation_id": 0, + "video_id": "43524" + }, + { + "bbox": [ + 132, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754360.5475.mp4", + "variation_id": 0, + "video_id": "43525" + } + ] + }, + { + "gloss": "problem", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5706, + "frame_start": 5650, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44677" + }, + { + "bbox": [ + 111, + 0, + 610, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468756235.8420.mp4", + "variation_id": 0, + "video_id": "44684" + }, + { + "bbox": [ + 86, + 3, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/problem.mp4", + "variation_id": 0, + "video_id": "44685" + }, + { + "bbox": [ + 55, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6659.mp4", + "variation_id": 0, + "video_id": "44686" + }, + { + "bbox": [ + 42, + 12, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6661.mp4", + "variation_id": 0, + "video_id": "44687" + }, + { + "bbox": [ + 178, + 0, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=eNutcT89QIQ", + "variation_id": 0, + "video_id": "44688" + }, + { + "bbox": [ + 178, + 0, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eNutcT89QIQ", + "variation_id": 0, + "video_id": "44689" + }, + { + "bbox": [ + 134, + 22, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROBLEM_1-2483.mp4", + "variation_id": 0, + "video_id": "66335" + }, + { + "bbox": [ + 76, + 7, + 233, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/problem.mov", + "variation_id": 0, + "video_id": "44680" + }, + { + "bbox": [ + 97, + 15, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2EVzT-lydyk", + "variation_id": 0, + "video_id": "67107" + }, + { + "bbox": [ + 76, + 26, + 416, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5iOCz7V4-fA", + "variation_id": 0, + "video_id": "67105" + }, + { + "bbox": [ + 0, + 18, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/problem.swf", + "variation_id": 0, + "video_id": "44690" + }, + { + "bbox": [ + 179, + 53, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/problem.mp4", + "variation_id": 0, + "video_id": "44691" + }, + { + "bbox": [ + 54, + 10, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63567.mp4", + "variation_id": 0, + "video_id": "44681" + }, + { + "bbox": [ + 519, + 55, + 1768, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Problem%20copy-H6BM_-Y6GF8.mp4", + "variation_id": 0, + "video_id": "44682" + }, + { + "bbox": [ + 658, + 144, + 1510, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Problem-cDVI4LelnNc.mp4", + "variation_id": 0, + "video_id": "44683" + } + ] + }, + { + "gloss": "remember", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1825, + "frame_start": 1766, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47174" + }, + { + "bbox": [ + 44, + 0, + 1096, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=9t2xz0gUYAk", + "variation_id": 0, + "video_id": "68141" + }, + { + "bbox": [ + 107, + 12, + 540, + 360 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=rMeDO5IkVGw", + "variation_id": 0, + "video_id": "68864" + }, + { + "bbox": [ + 116, + 17, + 478, + 480 + ], + "fps": 25, + "frame_end": 4210, + "frame_start": 4112, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70375" + }, + { + "bbox": [ + 126, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759686.1526.mp4", + "variation_id": 0, + "video_id": "47178" + }, + { + "bbox": [ + 82, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/remember.mp4", + "variation_id": 0, + "video_id": "47180" + }, + { + "bbox": [ + 56, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9114.mp4", + "variation_id": 0, + "video_id": "47183" + }, + { + "bbox": [ + 120, + 33, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REMEMBER-958.mp4", + "variation_id": 0, + "video_id": "66387" + }, + { + "bbox": [ + 123, + 10, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XptGbDzwynY", + "variation_id": 0, + "video_id": "67134" + }, + { + "bbox": [ + 213, + 29, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eexLzOQo9QE", + "variation_id": 0, + "video_id": "47184" + }, + { + "bbox": [ + 303, + 29, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kD8yAtetHio", + "variation_id": 0, + "video_id": "47185" + }, + { + "bbox": [ + 8, + 4, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/remember.swf", + "variation_id": 0, + "video_id": "47186" + }, + { + "bbox": [ + 206, + 41, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/remember.mp4", + "variation_id": 0, + "video_id": "47187" + }, + { + "bbox": [ + 45, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49277.mp4", + "variation_id": 0, + "video_id": "47175" + }, + { + "bbox": [ + 500, + 57, + 1631, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Remember%202-NHgRSDhylOA.mp4", + "variation_id": 0, + "video_id": "47176" + }, + { + "bbox": [ + 547, + 59, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Remember-gTlLekzIsEY.mp4", + "variation_id": 0, + "video_id": "47177" + } + ] + }, + { + "gloss": "share", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3116, + "frame_start": 3054, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50846" + }, + { + "bbox": [ + 122, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/share.mp4", + "variation_id": 0, + "video_id": "50853" + }, + { + "bbox": [ + 329, + 21, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/share-you.mp4", + "variation_id": 0, + "video_id": "50854" + }, + { + "bbox": [ + 75, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6543.mp4", + "variation_id": 0, + "video_id": "50855" + }, + { + "bbox": [ + 64, + 9, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8853.mp4", + "variation_id": 0, + "video_id": "50856" + }, + { + "bbox": [ + 339, + 31, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=3E2_HVDL9T8", + "variation_id": 0, + "video_id": "50857" + }, + { + "bbox": [ + 379, + 70, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 81, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=bl95h3JbMqI", + "variation_id": 0, + "video_id": "50858" + }, + { + "bbox": [ + 173, + 28, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SH/SHARE-251.mp4", + "variation_id": 0, + "video_id": "66461" + }, + { + "bbox": [ + 785, + 64, + 1636, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Share-IaO4TjGuEYw.mp4", + "variation_id": 0, + "video_id": "50849" + }, + { + "bbox": [ + 336, + 37, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mWLScxe2_P0", + "variation_id": 0, + "video_id": "50859" + }, + { + "bbox": [ + 336, + 37, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mWLScxe2_P0", + "variation_id": 0, + "video_id": "50860" + }, + { + "bbox": [ + 24, + 16, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/share.swf", + "variation_id": 0, + "video_id": "50861" + }, + { + "bbox": [ + 248, + 37, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/share.mp4", + "variation_id": 0, + "video_id": "50862" + }, + { + "bbox": [ + 675, + 27, + 1670, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Share-vz2mlzywHbs.mp4", + "variation_id": 0, + "video_id": "50850" + }, + { + "bbox": [ + 112, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765753.9375.mp4", + "variation_id": 0, + "video_id": "50851" + }, + { + "bbox": [ + 90, + 2, + 598, + 392 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/share-all.mp4", + "variation_id": 0, + "video_id": "50852" + } + ] + }, + { + "gloss": "soon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6804, + "frame_start": 6748, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53290" + }, + { + "bbox": [ + 620, + 49, + 1564, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Temporary-K7MTuhcMSfQ.mp4", + "variation_id": 1, + "video_id": "53295" + }, + { + "bbox": [ + 132, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468776598.3772.mp4", + "variation_id": 1, + "video_id": "53296" + }, + { + "bbox": [ + 60, + 8, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/soon.mp4", + "variation_id": 0, + "video_id": "53297" + }, + { + "bbox": [ + 59, + 10, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/soon-short.mp4", + "variation_id": 1, + "video_id": "53298" + }, + { + "bbox": [ + 83, + 23, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23534.mp4", + "variation_id": 1, + "video_id": "53300" + }, + { + "bbox": [ + 69, + 14, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9723.mp4", + "variation_id": 0, + "video_id": "53301" + }, + { + "bbox": [ + 181, + 45, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 108, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOON-266.mp4", + "variation_id": 0, + "video_id": "66533" + }, + { + "bbox": [ + 185, + 41, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOON-268.mp4", + "variation_id": 0, + "video_id": "66534" + }, + { + "bbox": [ + 52, + 0, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 63, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50817.mp4", + "variation_id": 0, + "video_id": "53292" + }, + { + "bbox": [ + 325, + 45, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ty0cXz3tYlM", + "variation_id": 0, + "video_id": "53302" + }, + { + "bbox": [ + 16, + 2, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/soon.swf", + "variation_id": 0, + "video_id": "53303" + }, + { + "bbox": [ + 191, + 54, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soon2.mp4", + "variation_id": 1, + "video_id": "53304" + }, + { + "bbox": [ + 190, + 61, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soon.mp4", + "variation_id": 0, + "video_id": "53305" + }, + { + "bbox": [ + 428, + 12, + 790, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20soon-8tDdpDqZ1tY.mp4", + "variation_id": 0, + "video_id": "53293" + }, + { + "bbox": [ + 437, + 129, + 1472, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Soon-iGlkQGOMCEY.mp4", + "variation_id": 0, + "video_id": "53294" + } + ] + }, + { + "gloss": "stay", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8405, + "frame_start": 8369, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54548" + }, + { + "bbox": [ + 92, + 20, + 999, + 720 + ], + "fps": 25, + "frame_end": 101, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=tfq5iBP8DTA", + "variation_id": 1, + "video_id": "68914" + }, + { + "bbox": [ + 54, + 13, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stay2.mp4", + "variation_id": 1, + "video_id": "54559" + }, + { + "bbox": [ + 57, + 13, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stay.mp4", + "variation_id": 1, + "video_id": "54560" + }, + { + "bbox": [ + 36, + 5, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5811.mp4", + "variation_id": 0, + "video_id": "54561" + }, + { + "bbox": [ + 63, + 6, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5812.mp4", + "variation_id": 1, + "video_id": "54562" + }, + { + "bbox": [ + 35, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9726.mp4", + "variation_id": 1, + "video_id": "54563" + }, + { + "bbox": [ + 48, + 0, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50822.mp4", + "variation_id": 0, + "video_id": "54554" + }, + { + "bbox": [ + 304, + 30, + 919, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=k2VFMUf9mo8", + "variation_id": 0, + "video_id": "54564" + }, + { + "bbox": [ + 135, + 20, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=QmbOr-8K_Kw", + "variation_id": 1, + "video_id": "54565" + }, + { + "bbox": [ + 7, + 15, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stay.swf", + "variation_id": 1, + "video_id": "54566" + }, + { + "bbox": [ + 232, + 35, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stay.mp4", + "variation_id": 1, + "video_id": "54567" + }, + { + "bbox": [ + 500, + 52, + 1686, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stay%202-g3ho3QEAE-o.mp4", + "variation_id": 1, + "video_id": "54555" + }, + { + "bbox": [ + 532, + 127, + 1539, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stay%2C%20That-EwCyqwGVnhA.mp4", + "variation_id": 0, + "video_id": "54556" + }, + { + "bbox": [ + 658, + 58, + 1634, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stay-cR-jmxeRoUg.mp4", + "variation_id": 1, + "video_id": "54557" + }, + { + "bbox": [ + 79, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468866523.9046.mp4", + "variation_id": 0, + "video_id": "54558" + } + ] + }, + { + "gloss": "sunday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10370, + "frame_start": 10324, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55768" + }, + { + "bbox": [ + 108, + 22, + 538, + 480 + ], + "fps": 25, + "frame_end": 943, + "frame_start": 817, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70022" + }, + { + "bbox": [ + 82, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898005.2311.mp4", + "variation_id": 0, + "video_id": "55773" + }, + { + "bbox": [ + 51, + 10, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sunday.mp4", + "variation_id": 0, + "video_id": "55774" + }, + { + "bbox": [ + 29, + 5, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sundays.mp4", + "variation_id": 0, + "video_id": "55775" + }, + { + "bbox": [ + 54, + 1, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6328.mp4", + "variation_id": 0, + "video_id": "55776" + }, + { + "bbox": [ + 46, + 6, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6329.mp4", + "variation_id": 0, + "video_id": "55777" + }, + { + "bbox": [ + 233, + 0, + 1114, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=bmy6YRYlW0Y", + "variation_id": 0, + "video_id": "55778" + }, + { + "bbox": [ + 246, + 0, + 1095, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EUoby_wzGzY", + "variation_id": 0, + "video_id": "55779" + }, + { + "bbox": [ + 253, + 0, + 1076, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Gh5pD88Vgw0", + "variation_id": 0, + "video_id": "55780" + }, + { + "bbox": [ + 5, + 15, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sunday.swf", + "variation_id": 0, + "video_id": "55781" + }, + { + "bbox": [ + 226, + 37, + 511, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sunday.mp4", + "variation_id": 0, + "video_id": "55782" + }, + { + "bbox": [ + 47, + 7, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63590.mp4", + "variation_id": 0, + "video_id": "55769" + }, + { + "bbox": [ + 372, + 55, + 861, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sunday.mp4", + "variation_id": 0, + "video_id": "55770" + }, + { + "bbox": [ + 271, + 20, + 1691, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 2, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sunday%20var-ijo4CWiHimg.mp4", + "variation_id": 0, + "video_id": "55771" + }, + { + "bbox": [ + 446, + 0, + 1482, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sunday-lI1t5IWPw30.mp4", + "variation_id": 0, + "video_id": "55772" + } + ] + }, + { + "gloss": "test", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1281, + "frame_start": 1229, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57519" + }, + { + "bbox": [ + 104, + 0, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468943975.361.mp4", + "variation_id": 0, + "video_id": "57530" + }, + { + "bbox": [ + 109, + 29, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768230.8891.mp4", + "variation_id": 0, + "video_id": "57531" + }, + { + "bbox": [ + 25, + 0, + 608, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/test2.mp4", + "variation_id": 0, + "video_id": "57532" + }, + { + "bbox": [ + 66, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/test.mp4", + "variation_id": 0, + "video_id": "57533" + }, + { + "bbox": [ + 80, + 21, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22108.mp4", + "variation_id": 0, + "video_id": "57534" + }, + { + "bbox": [ + 70, + 20, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22529.mp4", + "variation_id": 0, + "video_id": "57535" + }, + { + "bbox": [ + 342, + 40, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=GtBVLsZBlC8", + "variation_id": 0, + "video_id": "57536" + }, + { + "bbox": [ + 50, + 7, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58477.mp4", + "variation_id": 0, + "video_id": "57527" + }, + { + "bbox": [ + 82, + 18, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gluH0Ql0Yvg", + "variation_id": 0, + "video_id": "67290" + }, + { + "bbox": [ + 22, + 8, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 58, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/test_computer_program.swf", + "variation_id": 0, + "video_id": "57537" + }, + { + "bbox": [ + 22, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/test.swf", + "variation_id": 0, + "video_id": "57539" + }, + { + "bbox": [ + 24, + 7, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/test_taking.swf", + "variation_id": 0, + "video_id": "57540" + }, + { + "bbox": [ + 173, + 51, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/test.mp4", + "variation_id": 0, + "video_id": "57541" + }, + { + "bbox": [ + 657, + 70, + 1739, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Test%202-KlDer4bQzcg.mp4", + "variation_id": 0, + "video_id": "57528" + }, + { + "bbox": [ + 676, + 54, + 1713, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Test-4PFnoJMNOeI.mp4", + "variation_id": 0, + "video_id": "57529" + } + ] + }, + { + "gloss": "tired", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3064, + "frame_start": 2978, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58588" + }, + { + "bbox": [ + 103, + 11, + 567, + 360 + ], + "fps": 25, + "frame_end": 60, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=gm7e09gL4_g", + "variation_id": 0, + "video_id": "68488" + }, + { + "bbox": [ + 322, + 11, + 1087, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=qdC7SfVp8iQ", + "variation_id": 0, + "video_id": "68172" + }, + { + "bbox": [ + 66, + 0, + 623, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945582.6285.mp4", + "variation_id": 0, + "video_id": "58594" + }, + { + "bbox": [ + 96, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tired.mp4", + "variation_id": 0, + "video_id": "58595" + }, + { + "bbox": [ + 275, + 23, + 1037, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=1RRUK21Xyzw", + "variation_id": 0, + "video_id": "58596" + }, + { + "bbox": [ + 285, + 43, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=iDYM464AxEk", + "variation_id": 0, + "video_id": "58597" + }, + { + "bbox": [ + 36, + 19, + 440, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/O3KYtygHfpU", + "variation_id": 0, + "video_id": "67310" + }, + { + "bbox": [ + 286, + 26, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YS5PgjNNxME", + "variation_id": 0, + "video_id": "58598" + }, + { + "bbox": [ + 6, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tired.swf", + "variation_id": 0, + "video_id": "58599" + }, + { + "bbox": [ + 179, + 51, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/exhausted.mp4", + "variation_id": 0, + "video_id": "58600" + }, + { + "bbox": [ + 36, + 0, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50878.mp4", + "variation_id": 0, + "video_id": "58589" + }, + { + "bbox": [ + 410, + 51, + 840, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tired.mp4", + "variation_id": 0, + "video_id": "58590" + }, + { + "bbox": [ + 337, + 22, + 809, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20tired--IXJYyWRLKU.mp4", + "variation_id": 0, + "video_id": "58591" + }, + { + "bbox": [ + 282, + 1, + 1430, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tired-QFUlgHrzrI8.mp4", + "variation_id": 0, + "video_id": "58592" + }, + { + "bbox": [ + 709, + 141, + 1674, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tired-UrUrq5kVmxo.mp4", + "variation_id": 0, + "video_id": "58593" + } + ] + }, + { + "gloss": "trade", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4671, + "frame_start": 4612, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59203" + }, + { + "bbox": [ + 313, + 146, + 1721, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Exchange%2C%20Trade-Oz_fQfUSAbg.mp4", + "variation_id": 0, + "video_id": "59206" + }, + { + "bbox": [ + 632, + 47, + 1584, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trade%20X%20over%20thumbs-D09V4CZTeq4.mp4", + "variation_id": 0, + "video_id": "59207" + }, + { + "bbox": [ + 642, + 29, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trade%20X-cytY5T6rawk.mp4", + "variation_id": 0, + "video_id": "59208" + }, + { + "bbox": [ + 643, + 59, + 1743, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trade%2C%20Exchange%202-Rdy6C3yWU9g.mp4", + "variation_id": 0, + "video_id": "59209" + }, + { + "bbox": [ + 690, + 89, + 1709, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trade%2C%20Exchange-mrIg6AlheOY.mp4", + "variation_id": 0, + "video_id": "59210" + }, + { + "bbox": [ + 616, + 97, + 1435, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trade-Qm_DAgDj07A.mp4", + "variation_id": 0, + "video_id": "59211" + }, + { + "bbox": [ + 35, + 13, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468946514.2444.mp4", + "variation_id": 0, + "video_id": "59212" + }, + { + "bbox": [ + 20, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/trade.mp4", + "variation_id": 0, + "video_id": "59213" + }, + { + "bbox": [ + 53, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14028.mp4", + "variation_id": 0, + "video_id": "59214" + }, + { + "bbox": [ + 59, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8890.mp4", + "variation_id": 0, + "video_id": "59215" + }, + { + "bbox": [ + 52, + 8, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8891.mp4", + "variation_id": 0, + "video_id": "59216" + }, + { + "bbox": [ + 0, + 7, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/trade.swf", + "variation_id": 0, + "video_id": "59218" + }, + { + "bbox": [ + 213, + 49, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/exchange.mp4", + "variation_id": 0, + "video_id": "59219" + }, + { + "bbox": [ + 53, + 15, + 233, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/barter.mov", + "variation_id": 0, + "video_id": "59204" + }, + { + "bbox": [ + 36, + 3, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/482583.mp4", + "variation_id": 0, + "video_id": "59205" + } + ] + }, + { + "gloss": "travel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5088, + "frame_start": 5026, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59479" + }, + { + "bbox": [ + 103, + 14, + 545, + 360 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=gcDkayX2gC4", + "variation_id": 0, + "video_id": "68478" + }, + { + "bbox": [ + 78, + 0, + 1190, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=yHcQesQ5cCs", + "variation_id": 0, + "video_id": "68173" + }, + { + "bbox": [ + 110, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946919.6928.mp4", + "variation_id": 0, + "video_id": "59500" + }, + { + "bbox": [ + 54, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/travel.mp4", + "variation_id": 0, + "video_id": "59501" + }, + { + "bbox": [ + 52, + 8, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14645.mp4", + "variation_id": 0, + "video_id": "59502" + }, + { + "bbox": [ + 67, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9117.mp4", + "variation_id": 0, + "video_id": "59503" + }, + { + "bbox": [ + 286, + 6, + 1029, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ZtG9hL7slCA", + "variation_id": 0, + "video_id": "59504" + }, + { + "bbox": [ + 142, + 30, + 454, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRAVEL-1307.mp4", + "variation_id": 0, + "video_id": "66672" + }, + { + "bbox": [ + 76, + 11, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/travel.mov", + "variation_id": 0, + "video_id": "59495" + }, + { + "bbox": [ + 84, + 16, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/SurdQYvT3D8", + "variation_id": 0, + "video_id": "67323" + }, + { + "bbox": [ + 18, + 6, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/travel.swf", + "variation_id": 0, + "video_id": "59505" + }, + { + "bbox": [ + 139, + 68, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/journey.mp4", + "variation_id": 0, + "video_id": "59506" + }, + { + "bbox": [ + 24, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50864.mp4", + "variation_id": 0, + "video_id": "59496" + }, + { + "bbox": [ + 506, + 63, + 1505, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Travel-1_rFNRUUr1k.mp4", + "variation_id": 0, + "video_id": "59497" + }, + { + "bbox": [ + 719, + 129, + 1659, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Travel-uZpFYcIen1o.mp4", + "variation_id": 0, + "video_id": "59499" + } + ] + }, + { + "gloss": "window", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2657, + "frame_start": 2611, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63415" + }, + { + "bbox": [ + 185, + 0, + 683, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=87N4zXrhmi0", + "variation_id": 0, + "video_id": "68184" + }, + { + "bbox": [ + 128, + 38, + 409, + 360 + ], + "fps": 25, + "frame_end": 3537, + "frame_start": 3416, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70265" + }, + { + "bbox": [ + 320, + 68, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=2ZxbvQ2OuTo", + "variation_id": 0, + "video_id": "63423" + }, + { + "bbox": [ + 276, + 29, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nd7QatseVtg", + "variation_id": 0, + "video_id": "63424" + }, + { + "bbox": [ + 331, + 43, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=VqFX50Z9Y60", + "variation_id": 0, + "video_id": "63425" + }, + { + "bbox": [ + 0, + 5, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/window.swf", + "variation_id": 0, + "video_id": "63426" + }, + { + "bbox": [ + 144, + 5, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WINDOW-322.mp4", + "variation_id": 0, + "video_id": "66791" + }, + { + "bbox": [ + 34, + 15, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/308793.mp4", + "variation_id": 0, + "video_id": "63417" + }, + { + "bbox": [ + 45, + 18, + 416, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Ho2Pu4DGEOE", + "variation_id": 0, + "video_id": "67069" + }, + { + "bbox": [ + 205, + 53, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/window.mp4", + "variation_id": 0, + "video_id": "63427" + }, + { + "bbox": [ + 348, + 50, + 803, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/window.mp4", + "variation_id": 0, + "video_id": "63418" + }, + { + "bbox": [ + 77, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468928683.6158.mp4", + "variation_id": 0, + "video_id": "63419" + }, + { + "bbox": [ + 25, + 0, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/window.mp4", + "variation_id": 0, + "video_id": "63420" + }, + { + "bbox": [ + 17, + 1, + 305, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/window-open.mp4", + "variation_id": 0, + "video_id": "63421" + }, + { + "bbox": [ + 59, + 11, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14704.mp4", + "variation_id": 0, + "video_id": "63422" + } + ] + }, + { + "gloss": "you", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 291, + "frame_start": 242, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64351" + }, + { + "bbox": [ + 347, + 34, + 873, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/you.mp4", + "variation_id": 0, + "video_id": "69547" + }, + { + "bbox": [ + 147, + 21, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/you.mp4", + "variation_id": 0, + "video_id": "64384" + }, + { + "bbox": [ + 72, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24020.mp4", + "variation_id": 0, + "video_id": "64385" + }, + { + "bbox": [ + 369, + 57, + 946, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=K9m1pAFMqyw", + "variation_id": 0, + "video_id": "64386" + }, + { + "bbox": [ + 325, + 19, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 47, + "source": "scott", + "split": "val", + "url": "https://www.youtube.com/watch?v=qC83X1nR5-I", + "variation_id": 0, + "video_id": "64387" + }, + { + "bbox": [ + 397, + 52, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=R6-Md4KCHPY", + "variation_id": 0, + "video_id": "64388" + }, + { + "bbox": [ + 52, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 42, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51110.mp4", + "variation_id": 0, + "video_id": "64379" + }, + { + "bbox": [ + 93, + 19, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/u4ECcCgXTqs", + "variation_id": 0, + "video_id": "67015" + }, + { + "bbox": [ + 355, + 45, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WQdU1hAJFoI", + "variation_id": 0, + "video_id": "64389" + }, + { + "bbox": [ + 19, + 18, + 192, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/y/you.swf", + "variation_id": 0, + "video_id": "64390" + }, + { + "bbox": [ + 256, + 50, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/you.mp4", + "variation_id": 0, + "video_id": "64391" + }, + { + "bbox": [ + 237, + 16, + 528, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/you.mp4", + "variation_id": 0, + "video_id": "64380" + }, + { + "bbox": [ + 402, + 10, + 785, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20you%202-3TH0mPZ3gbE.mp4", + "variation_id": 0, + "video_id": "64381" + }, + { + "bbox": [ + 153, + 6, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468775202.6030.mp4", + "variation_id": 0, + "video_id": "64382" + }, + { + "bbox": [ + 18, + 7, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468775230.7358.mp4", + "variation_id": 0, + "video_id": "64383" + } + ] + }, + { + "gloss": "about", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 240, + "frame_start": 184, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00412" + }, + { + "bbox": [ + 124, + 30, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466167160.124.mp4", + "variation_id": 0, + "video_id": "00416" + }, + { + "bbox": [ + 78, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/about.mp4", + "variation_id": 0, + "video_id": "00419" + }, + { + "bbox": [ + 54, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7231.mp4", + "variation_id": 0, + "video_id": "00421" + }, + { + "bbox": [ + 357, + 53, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=h-PNeRGh7nI", + "variation_id": 0, + "video_id": "00422" + }, + { + "bbox": [ + 360, + 56, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pH4E8ruOcSY", + "variation_id": 0, + "video_id": "00423" + }, + { + "bbox": [ + 202, + 39, + 506, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AB/ABOUT-2042.mp4", + "variation_id": 0, + "video_id": "65002" + }, + { + "bbox": [ + 207, + 40, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AB/ABOUT-2043.mp4", + "variation_id": 0, + "video_id": "65003" + }, + { + "bbox": [ + 64, + 27, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307716.mp4", + "variation_id": 0, + "video_id": "00414" + }, + { + "bbox": [ + 94, + 1, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/7_FVUzjWdTM", + "variation_id": 0, + "video_id": "67339" + }, + { + "bbox": [ + 78, + 0, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Yhlt-P3GeBM", + "variation_id": 0, + "video_id": "67341" + }, + { + "bbox": [ + 291, + 31, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=wFkG56b4nuw", + "variation_id": 0, + "video_id": "00424" + }, + { + "bbox": [ + 12, + 16, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/about.swf", + "variation_id": 0, + "video_id": "00425" + }, + { + "bbox": [ + 181, + 47, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/about.mp4", + "variation_id": 0, + "video_id": "00426" + }, + { + "bbox": [ + 795, + 65, + 1771, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20About-Tfj63Ai9tfw.mp4", + "variation_id": 0, + "video_id": "00415" + } + ] + }, + { + "gloss": "approve", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3466, + "frame_start": 3427, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03117" + }, + { + "bbox": [ + 145, + 31, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512174.6416.mp4", + "variation_id": 0, + "video_id": "03122" + }, + { + "bbox": [ + 131, + 0, + 496, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/approve.mp4", + "variation_id": 0, + "video_id": "03123" + }, + { + "bbox": [ + 59, + 15, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6853.mp4", + "variation_id": 1, + "video_id": "03124" + }, + { + "bbox": [ + 65, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6854.mp4", + "variation_id": 1, + "video_id": "03125" + }, + { + "bbox": [ + 280, + 55, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=KhY4TREszG8", + "variation_id": 0, + "video_id": "03126" + }, + { + "bbox": [ + 253, + 43, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oR88PdVhwJs", + "variation_id": 0, + "video_id": "03127" + }, + { + "bbox": [ + 290, + 44, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=pHBb2dnUoEY", + "variation_id": 1, + "video_id": "03128" + }, + { + "bbox": [ + 2, + 19, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/approve_1.swf", + "variation_id": 1, + "video_id": "03129" + }, + { + "bbox": [ + 17, + 18, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/approve_2.swf", + "variation_id": 0, + "video_id": "03130" + }, + { + "bbox": [ + 181, + 47, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/approve.mp4", + "variation_id": 0, + "video_id": "03131" + }, + { + "bbox": [ + 93, + 11, + 243, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/approve.mov", + "variation_id": 0, + "video_id": "03118" + }, + { + "bbox": [ + 56, + 9, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122522.mp4", + "variation_id": 1, + "video_id": "03119" + }, + { + "bbox": [ + 41, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51262.mp4", + "variation_id": 0, + "video_id": "03120" + }, + { + "bbox": [ + 705, + 115, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Approve-PAupMeRy5ko.mp4", + "variation_id": 0, + "video_id": "03121" + } + ] + }, + { + "gloss": "arrive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3919, + "frame_start": 3873, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03434" + }, + { + "bbox": [ + 155, + 13, + 502, + 480 + ], + "fps": 25, + "frame_end": 5398, + "frame_start": 5265, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70124" + }, + { + "bbox": [ + 98, + 21, + 493, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/arrive.mp4", + "variation_id": 0, + "video_id": "03440" + }, + { + "bbox": [ + 68, + 12, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14210.mp4", + "variation_id": 0, + "video_id": "03441" + }, + { + "bbox": [ + 71, + 7, + 519, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=at6KPysyHg0", + "variation_id": 0, + "video_id": "03442" + }, + { + "bbox": [ + 292, + 37, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=y8pdn_zfFzU", + "variation_id": 0, + "video_id": "03443" + }, + { + "bbox": [ + 191, + 22, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/ARRIVE-774.mp4", + "variation_id": 0, + "video_id": "65096" + }, + { + "bbox": [ + 94, + 17, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5Yztl5YcS0I", + "variation_id": 0, + "video_id": "67371" + }, + { + "bbox": [ + 0, + 19, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/arrive.swf", + "variation_id": 0, + "video_id": "03444" + }, + { + "bbox": [ + 209, + 35, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/arrive.mp4", + "variation_id": 0, + "video_id": "03445" + }, + { + "bbox": [ + 42, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 57, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/62284.mp4", + "variation_id": 0, + "video_id": "03435" + }, + { + "bbox": [ + 414, + 51, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/arrive.mp4", + "variation_id": 0, + "video_id": "03436" + }, + { + "bbox": [ + 742, + 61, + 1532, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arrive%202-xX6zndXcjHQ.mp4", + "variation_id": 0, + "video_id": "03437" + }, + { + "bbox": [ + 644, + 54, + 1505, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arrive-BQv62tldXjk.mp4", + "variation_id": 0, + "video_id": "03438" + }, + { + "bbox": [ + 124, + 18, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466645152.5647.mp4", + "variation_id": 0, + "video_id": "03439" + } + ] + }, + { + "gloss": "balance", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 503, + "frame_start": 441, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04790" + }, + { + "bbox": [ + 51, + 6, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/balance.mp4", + "variation_id": 0, + "video_id": "04800" + }, + { + "bbox": [ + 77, + 26, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23213.mp4", + "variation_id": 0, + "video_id": "04801" + }, + { + "bbox": [ + 86, + 26, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23214.mp4", + "variation_id": 0, + "video_id": "04802" + }, + { + "bbox": [ + 60, + 26, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23215.mp4", + "variation_id": 0, + "video_id": "04803" + }, + { + "bbox": [ + 73, + 24, + 461, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=857JAHoSyzw", + "variation_id": 0, + "video_id": "04804" + }, + { + "bbox": [ + 146, + 22, + 562, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BALANCE-855.mp4", + "variation_id": 0, + "video_id": "65129" + }, + { + "bbox": [ + 69, + 12, + 255, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/balance.mov", + "variation_id": 0, + "video_id": "04795" + }, + { + "bbox": [ + 82, + 18, + 410, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/c0xdS1ZmB2c", + "variation_id": 0, + "video_id": "67384" + }, + { + "bbox": [ + 21, + 20, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/balance.swf", + "variation_id": 0, + "video_id": "04805" + }, + { + "bbox": [ + 205, + 38, + 503, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/balance.mp4", + "variation_id": 0, + "video_id": "04806" + }, + { + "bbox": [ + 31, + 2, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244081.mp4", + "variation_id": 0, + "video_id": "04796" + }, + { + "bbox": [ + 668, + 57, + 1883, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Balance-AwfklIGgTfY.mp4", + "variation_id": 0, + "video_id": "04797" + }, + { + "bbox": [ + 710, + 67, + 1696, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Balance-pPmpPMWBoj4.mp4", + "variation_id": 0, + "video_id": "04798" + }, + { + "bbox": [ + 101, + 23, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466648468.2435.mp4", + "variation_id": 0, + "video_id": "04799" + } + ] + }, + { + "gloss": "banana", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 759, + "frame_start": 687, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04895" + }, + { + "bbox": [ + 80, + 28, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466648737.6148.mp4", + "variation_id": 0, + "video_id": "04900" + }, + { + "bbox": [ + 118, + 6, + 483, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/banana2.mp4", + "variation_id": 0, + "video_id": "04901" + }, + { + "bbox": [ + 64, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/banana.mp4", + "variation_id": 0, + "video_id": "04902" + }, + { + "bbox": [ + 68, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6776.mp4", + "variation_id": 0, + "video_id": "04903" + }, + { + "bbox": [ + 289, + 64, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4yKyCDC-Tdc", + "variation_id": 0, + "video_id": "04904" + }, + { + "bbox": [ + 216, + 32, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BANANA-2089.mp4", + "variation_id": 0, + "video_id": "65135" + }, + { + "bbox": [ + 195, + 24, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BANANA-392.mp4", + "variation_id": 0, + "video_id": "65134" + }, + { + "bbox": [ + 120, + 18, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4ceCCz-iatU", + "variation_id": 0, + "video_id": "67387" + }, + { + "bbox": [ + 9, + 14, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/banana.swf", + "variation_id": 0, + "video_id": "04905" + }, + { + "bbox": [ + 213, + 40, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/banana.mp4", + "variation_id": 0, + "video_id": "04906" + }, + { + "bbox": [ + 44, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455481.mp4", + "variation_id": 0, + "video_id": "04896" + }, + { + "bbox": [ + 368, + 56, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/banana.mp4", + "variation_id": 0, + "video_id": "04897" + }, + { + "bbox": [ + 788, + 60, + 1758, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Banana%202-7dm2Wk8HYIY.mp4", + "variation_id": 0, + "video_id": "04898" + }, + { + "bbox": [ + 845, + 59, + 1751, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Banana-RGPODsAV9n4.mp4", + "variation_id": 0, + "video_id": "04899" + } + ] + }, + { + "gloss": "beard", + "instances": [ + { + "bbox": [ + 337, + 6, + 937, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=w73mN_0UQSI", + "variation_id": 0, + "video_id": "68990" + }, + { + "bbox": [ + 163, + 39, + 434, + 360 + ], + "fps": 25, + "frame_end": 4004, + "frame_start": 3866, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70254" + }, + { + "bbox": [ + 203, + 19, + 556, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/beard.mp4", + "variation_id": 0, + "video_id": "05470" + }, + { + "bbox": [ + 485, + 33, + 1646, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beard-nm7gopWGZw8.mp4", + "variation_id": 0, + "video_id": "05471" + }, + { + "bbox": [ + 106, + 27, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466650094.4952.mp4", + "variation_id": 0, + "video_id": "05472" + }, + { + "bbox": [ + 147, + 20, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546572824.1237.mp4", + "variation_id": 0, + "video_id": "05473" + }, + { + "bbox": [ + 301, + 0, + 1062, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/beard-bandholz.mp4", + "variation_id": 0, + "video_id": "05474" + }, + { + "bbox": [ + 98, + 0, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/beard.mp4", + "variation_id": 0, + "video_id": "05475" + }, + { + "bbox": [ + 190, + 40, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEARD-2098.mp4", + "variation_id": 0, + "video_id": "65156" + }, + { + "bbox": [ + 99, + 19, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/pH_2h_UrnX4", + "variation_id": 0, + "video_id": "67397" + }, + { + "bbox": [ + 70, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8965.mp4", + "variation_id": 0, + "video_id": "05476" + }, + { + "bbox": [ + 347, + 36, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=d_ME0WTSuVI", + "variation_id": 0, + "video_id": "05477" + }, + { + "bbox": [ + 235, + 40, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/beard.mp4", + "variation_id": 0, + "video_id": "05479" + }, + { + "bbox": [ + 41, + 12, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123617.mp4", + "variation_id": 0, + "video_id": "05467" + }, + { + "bbox": [ + 66, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/186277.mp4", + "variation_id": 0, + "video_id": "05468" + } + ] + }, + { + "gloss": "because", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1405, + "frame_start": 1356, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05595" + }, + { + "bbox": [ + 651, + 60, + 1692, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Because%203-LGVgHAXsauE.mp4", + "variation_id": 0, + "video_id": "05598" + }, + { + "bbox": [ + 581, + 56, + 1668, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Because%204-b3FqnYMcDsc.mp4", + "variation_id": 0, + "video_id": "05599" + }, + { + "bbox": [ + 680, + 56, + 1684, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Because-v-z0cVFWk_g.mp4", + "variation_id": 0, + "video_id": "05600" + }, + { + "bbox": [ + 42, + 20, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466680910.2916.mp4", + "variation_id": 0, + "video_id": "05601" + }, + { + "bbox": [ + 50, + 50, + 527, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/because.mp4", + "variation_id": 0, + "video_id": "05603" + }, + { + "bbox": [ + 154, + 13, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BECAUSE-34.mp4", + "variation_id": 0, + "video_id": "65158" + }, + { + "bbox": [ + 153, + 11, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BECAUSE-35.mp4", + "variation_id": 0, + "video_id": "65159" + }, + { + "bbox": [ + 67, + 3, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/cdXPk2cbN3U", + "variation_id": 0, + "video_id": "67399" + }, + { + "bbox": [ + 63, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6973.mp4", + "variation_id": 0, + "video_id": "05605" + }, + { + "bbox": [ + 32, + 0, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8836.mp4", + "variation_id": 0, + "video_id": "05606" + }, + { + "bbox": [ + 199, + 44, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=JdtueGNX97k", + "variation_id": 0, + "video_id": "05607" + }, + { + "bbox": [ + 13, + 7, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/because.swf", + "variation_id": 0, + "video_id": "05608" + }, + { + "bbox": [ + 145, + 52, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/because.mp4", + "variation_id": 0, + "video_id": "05609" + }, + { + "bbox": [ + 36, + 10, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123624.mp4", + "variation_id": 0, + "video_id": "05596" + } + ] + }, + { + "gloss": "boy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4295, + "frame_start": 4233, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07436" + }, + { + "bbox": [ + 262, + 29, + 890, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/boy.mp4", + "variation_id": 0, + "video_id": "69245" + }, + { + "bbox": [ + 303, + 20, + 913, + 720 + ], + "fps": 25, + "frame_end": 36, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=WmTNL-wFK14", + "variation_id": 0, + "video_id": "69002" + }, + { + "bbox": [ + 233, + 44, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=5H6OSAy-Mzs", + "variation_id": 0, + "video_id": "07459" + }, + { + "bbox": [ + 202, + 4, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=E-wBrs3PJhU", + "variation_id": 0, + "video_id": "07460" + }, + { + "bbox": [ + 0, + 10, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/boy.swf", + "variation_id": 0, + "video_id": "07461" + }, + { + "bbox": [ + 140, + 18, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOY-377.mp4", + "variation_id": 0, + "video_id": "65245" + }, + { + "bbox": [ + 12, + 8, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125250.mp4", + "variation_id": 0, + "video_id": "07452" + }, + { + "bbox": [ + 87, + 7, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/s7SmV4gec-U", + "variation_id": 0, + "video_id": "67433" + }, + { + "bbox": [ + 168, + 51, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/boy.mp4", + "variation_id": 0, + "video_id": "07462" + }, + { + "bbox": [ + 188, + 9, + 517, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/boy.mp4", + "variation_id": 0, + "video_id": "07453" + }, + { + "bbox": [ + 478, + 54, + 1792, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 27, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Boy-Clm0Un7EOrE.mp4", + "variation_id": 0, + "video_id": "07454" + }, + { + "bbox": [ + 65, + 29, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466685230.7583.mp4", + "variation_id": 0, + "video_id": "07455" + }, + { + "bbox": [ + 26, + 27, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/boy.mp4", + "variation_id": 0, + "video_id": "07457" + }, + { + "bbox": [ + 49, + 8, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6638.mp4", + "variation_id": 0, + "video_id": "07458" + } + ] + }, + { + "gloss": "business", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5159, + "frame_start": 5103, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08363" + }, + { + "bbox": [ + 75, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/business.mp4", + "variation_id": 0, + "video_id": "08371" + }, + { + "bbox": [ + 72, + 17, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23797.mp4", + "variation_id": 0, + "video_id": "08372" + }, + { + "bbox": [ + 76, + 16, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23798.mp4", + "variation_id": 0, + "video_id": "08373" + }, + { + "bbox": [ + 77, + 14, + 441, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ibAHUvKJlAY", + "variation_id": 0, + "video_id": "08374" + }, + { + "bbox": [ + 333, + 39, + 1021, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jl0R9L3EgPU", + "variation_id": 0, + "video_id": "08375" + }, + { + "bbox": [ + 299, + 48, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JzkPxd7VTBM", + "variation_id": 0, + "video_id": "08376" + }, + { + "bbox": [ + 201, + 36, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUSINESS-2142.mp4", + "variation_id": 0, + "video_id": "65275" + }, + { + "bbox": [ + 99, + 17, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/wX1Vwn5ASzM", + "variation_id": 0, + "video_id": "67450" + }, + { + "bbox": [ + 296, + 50, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=oQGNnu24SEE", + "variation_id": 0, + "video_id": "08377" + }, + { + "bbox": [ + 29, + 3, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 18, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/business.swf", + "variation_id": 0, + "video_id": "08378" + }, + { + "bbox": [ + 222, + 39, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/business.mp4", + "variation_id": 0, + "video_id": "08379" + }, + { + "bbox": [ + 57, + 33, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/87732.mp4", + "variation_id": 0, + "video_id": "08368" + }, + { + "bbox": [ + 690, + 93, + 1649, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Business-1X4YjbRK22M.mp4", + "variation_id": 0, + "video_id": "08369" + }, + { + "bbox": [ + 95, + 23, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725357.7383.mp4", + "variation_id": 0, + "video_id": "08370" + } + ] + }, + { + "gloss": "careful", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 981, + "frame_start": 912, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09178" + }, + { + "bbox": [ + 121, + 28, + 502, + 480 + ], + "fps": 25, + "frame_end": 5638, + "frame_start": 5489, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70200" + }, + { + "bbox": [ + 45, + 17, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/careful.mp4", + "variation_id": 0, + "video_id": "09184" + }, + { + "bbox": [ + 72, + 15, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9207.mp4", + "variation_id": 0, + "video_id": "09185" + }, + { + "bbox": [ + 76, + 16, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9208.mp4", + "variation_id": 0, + "video_id": "09186" + }, + { + "bbox": [ + 394, + 20, + 1030, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GgjVnyBLmhg", + "variation_id": 0, + "video_id": "09187" + }, + { + "bbox": [ + 196, + 40, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAREFUL-2160.mp4", + "variation_id": 0, + "video_id": "65307" + }, + { + "bbox": [ + 202, + 31, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAREFUL-68.mp4", + "variation_id": 0, + "video_id": "65306" + }, + { + "bbox": [ + 103, + 9, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ltUxgwLA__8", + "variation_id": 0, + "video_id": "67475" + }, + { + "bbox": [ + 186, + 62, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/careful.mp4", + "variation_id": 0, + "video_id": "09188" + }, + { + "bbox": [ + 63, + 11, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93902.mp4", + "variation_id": 0, + "video_id": "09179" + }, + { + "bbox": [ + 679, + 94, + 1538, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Babysit%2C%20Careful-DWkoB_Way20.mp4", + "variation_id": 0, + "video_id": "09180" + }, + { + "bbox": [ + 422, + 53, + 906, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Careful.mp4", + "variation_id": 0, + "video_id": "09181" + }, + { + "bbox": [ + 68, + 24, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466727394.8230.mp4", + "variation_id": 0, + "video_id": "09182" + }, + { + "bbox": [ + 63, + 13, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/careful-be.mp4", + "variation_id": 0, + "video_id": "09183" + } + ] + }, + { + "gloss": "center", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1640, + "frame_start": 1598, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09719" + }, + { + "bbox": [ + 52, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715256.1056.mp4", + "variation_id": 0, + "video_id": "09723" + }, + { + "bbox": [ + 8, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/center.mp4", + "variation_id": 0, + "video_id": "09724" + }, + { + "bbox": [ + 71, + 5, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14929.mp4", + "variation_id": 0, + "video_id": "09725" + }, + { + "bbox": [ + 76, + 8, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14930.mp4", + "variation_id": 0, + "video_id": "09726" + }, + { + "bbox": [ + 244, + 35, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9xbR8Yk9vXg", + "variation_id": 0, + "video_id": "09727" + }, + { + "bbox": [ + 223, + 36, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EHp5m3a8qic", + "variation_id": 0, + "video_id": "09728" + }, + { + "bbox": [ + 174, + 16, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CE/CENTER-653.mp4", + "variation_id": 0, + "video_id": "65324" + }, + { + "bbox": [ + 99, + 16, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Z4fCvo5QWkI", + "variation_id": 0, + "video_id": "67481" + }, + { + "bbox": [ + 276, + 37, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ffFtDKuyw1Q", + "variation_id": 0, + "video_id": "09729" + }, + { + "bbox": [ + 278, + 27, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=YFE0U8AtABQ", + "variation_id": 0, + "video_id": "09730" + }, + { + "bbox": [ + 15, + 20, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/center.swf", + "variation_id": 0, + "video_id": "09731" + }, + { + "bbox": [ + 223, + 41, + 472, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/center.mp4", + "variation_id": 0, + "video_id": "09732" + }, + { + "bbox": [ + 511, + 41, + 1519, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Center%2C%20Central-oai4bYZwl8w.mp4", + "variation_id": 0, + "video_id": "09721" + }, + { + "bbox": [ + 601, + 55, + 1483, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Center-Y_ClL9j86Ao.mp4", + "variation_id": 0, + "video_id": "09722" + } + ] + }, + { + "gloss": "chat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2289, + "frame_start": 2240, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10099" + }, + { + "bbox": [ + 113, + 0, + 1200, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=TxxT59yxUHU", + "variation_id": 0, + "video_id": "68020" + }, + { + "bbox": [ + 95, + 11, + 582, + 357 + ], + "fps": 25, + "frame_end": 62, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=YhEJ4XFzDso", + "variation_id": 0, + "video_id": "69056" + }, + { + "bbox": [ + 593, + 125, + 1676, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chat%2C%20What%27s%20Up%20with%20That-sKlt9rJIbP8.mp4", + "variation_id": 0, + "video_id": "10104" + }, + { + "bbox": [ + 513, + 55, + 1458, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chat-sfwEEjBWDCQ.mp4", + "variation_id": 0, + "video_id": "10105" + }, + { + "bbox": [ + 512, + 70, + 1708, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Good%20Talk-HQWkyLuEKLg.mp4", + "variation_id": 0, + "video_id": "10106" + }, + { + "bbox": [ + 105, + 20, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466730715.6615.mp4", + "variation_id": 0, + "video_id": "10107" + }, + { + "bbox": [ + 82, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chat-conversation.mp4", + "variation_id": 0, + "video_id": "10108" + }, + { + "bbox": [ + 73, + 20, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22576.mp4", + "variation_id": 0, + "video_id": "10109" + }, + { + "bbox": [ + 84, + 20, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22578.mp4", + "variation_id": 0, + "video_id": "10111" + }, + { + "bbox": [ + 150, + 14, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHAT-73.mp4", + "variation_id": 0, + "video_id": "65338" + }, + { + "bbox": [ + 66, + 0, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455918.mp4", + "variation_id": 0, + "video_id": "10102" + }, + { + "bbox": [ + 102, + 20, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XZm-TwV5Llg", + "variation_id": 0, + "video_id": "67487" + }, + { + "bbox": [ + 67, + 18, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22579.mp4", + "variation_id": 0, + "video_id": "10112" + }, + { + "bbox": [ + 23, + 12, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chat.swf", + "variation_id": 0, + "video_id": "10114" + } + ] + }, + { + "gloss": "children", + "instances": [ + { + "bbox": [ + 265, + 11, + 1070, + 720 + ], + "fps": 25, + "frame_end": 44, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=pmha1kfPwJU", + "variation_id": 0, + "video_id": "68800" + }, + { + "bbox": [ + 39, + 23, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466732427.1905.mp4", + "variation_id": 0, + "video_id": "10464" + }, + { + "bbox": [ + 38, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/children.mp4", + "variation_id": 0, + "video_id": "10465" + }, + { + "bbox": [ + 61, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6356.mp4", + "variation_id": 0, + "video_id": "10466" + }, + { + "bbox": [ + 15, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6357.mp4", + "variation_id": 0, + "video_id": "10467" + }, + { + "bbox": [ + 143, + 21, + 1187, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5ldQgko88Ms", + "variation_id": 0, + "video_id": "10469" + }, + { + "bbox": [ + 0, + 0, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/children_no_running.swf", + "variation_id": 0, + "video_id": "10470" + }, + { + "bbox": [ + 95, + 15, + 552, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHILDREN-76.mp4", + "variation_id": 0, + "video_id": "65352" + }, + { + "bbox": [ + 153, + 17, + 599, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/children.mp4", + "variation_id": 0, + "video_id": "10461" + }, + { + "bbox": [ + 52, + 18, + 441, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/PyqbiNUL-lY", + "variation_id": 0, + "video_id": "67495" + }, + { + "bbox": [ + 0, + 2, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/children_slow.swf", + "variation_id": 0, + "video_id": "10471" + }, + { + "bbox": [ + 0, + 8, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/children.swf", + "variation_id": 0, + "video_id": "10472" + }, + { + "bbox": [ + 0, + 4, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/children_watch.swf", + "variation_id": 0, + "video_id": "10473" + }, + { + "bbox": [ + 103, + 53, + 615, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/children.mp4", + "variation_id": 0, + "video_id": "10474" + }, + { + "bbox": [ + 596, + 64, + 1809, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Children%202-xT5NjMfDLZI.mp4", + "variation_id": 0, + "video_id": "10462" + } + ] + }, + { + "gloss": "christmas", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3378, + "frame_start": 3329, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10696" + }, + { + "bbox": [ + 367, + 33, + 962, + 720 + ], + "fps": 25, + "frame_end": 42, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=IkdUvdBRIuc", + "variation_id": 1, + "video_id": "68554" + }, + { + "bbox": [ + 48, + 1, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5959.mp4", + "variation_id": 1, + "video_id": "10708" + }, + { + "bbox": [ + 71, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5960.mp4", + "variation_id": 0, + "video_id": "10709" + }, + { + "bbox": [ + 65, + 15, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6609.mp4", + "variation_id": 1, + "video_id": "10711" + }, + { + "bbox": [ + 281, + 24, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=41xJpgSzFdI", + "variation_id": 0, + "video_id": "10712" + }, + { + "bbox": [ + 170, + 16, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHRISTMAS-1064.mp4", + "variation_id": 0, + "video_id": "65357" + }, + { + "bbox": [ + 29, + 4, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399299.mp4", + "variation_id": 0, + "video_id": "10703" + }, + { + "bbox": [ + 7, + 19, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/christmas_1.swf", + "variation_id": 0, + "video_id": "10713" + }, + { + "bbox": [ + 1, + 11, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/christmas_2.swf", + "variation_id": 1, + "video_id": "10714" + }, + { + "bbox": [ + 232, + 39, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/christmas.mp4", + "variation_id": 1, + "video_id": "10715" + }, + { + "bbox": [ + 410, + 56, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/christmas.mp4", + "variation_id": 1, + "video_id": "10704" + }, + { + "bbox": [ + 119, + 20, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466733418.9821.mp4", + "variation_id": 1, + "video_id": "10705" + }, + { + "bbox": [ + 49, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/christmas2.mp4", + "variation_id": 0, + "video_id": "10706" + }, + { + "bbox": [ + 82, + 0, + 495, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/christmas.mp4", + "variation_id": 1, + "video_id": "10707" + } + ] + }, + { + "gloss": "clock", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3937, + "frame_start": 3875, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11197" + }, + { + "bbox": [ + 12, + 6, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399309.mp4", + "variation_id": 0, + "video_id": "11198" + }, + { + "bbox": [ + 337, + 60, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/clock.mp4", + "variation_id": 0, + "video_id": "11199" + }, + { + "bbox": [ + 85, + 25, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466899212.9557.mp4", + "variation_id": 0, + "video_id": "11200" + }, + { + "bbox": [ + 64, + 11, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/clock-desk.mp4", + "variation_id": 0, + "video_id": "11201" + }, + { + "bbox": [ + 25, + 12, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/clock-wall.mp4", + "variation_id": 0, + "video_id": "11202" + }, + { + "bbox": [ + 71, + 9, + 250, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23833.mp4", + "variation_id": 0, + "video_id": "11203" + }, + { + "bbox": [ + 270, + 51, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pAoM56DCisM", + "variation_id": 0, + "video_id": "11204" + }, + { + "bbox": [ + 296, + 29, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tPHSHfQaqbk", + "variation_id": 0, + "video_id": "11205" + }, + { + "bbox": [ + 0, + 10, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/c/clock_grandfather.swf", + "variation_id": 0, + "video_id": "11206" + }, + { + "bbox": [ + 67, + 16, + 415, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ssDAJyrJndA", + "variation_id": 0, + "video_id": "67504" + }, + { + "bbox": [ + 15, + 3, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/digital_clock.swf", + "variation_id": 0, + "video_id": "11209" + }, + { + "bbox": [ + 1, + 5, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dome_clock.swf", + "variation_id": 0, + "video_id": "11210" + }, + { + "bbox": [ + 11, + 4, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/radio_clock.swf", + "variation_id": 0, + "video_id": "11212" + }, + { + "bbox": [ + 182, + 55, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clock.mp4", + "variation_id": 0, + "video_id": "11214" + } + ] + }, + { + "gloss": "close", + "instances": [ + { + "bbox": [ + 366, + 57, + 842, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/close.mp4", + "variation_id": 0, + "video_id": "11252" + }, + { + "bbox": [ + 328, + 29, + 939, + 720 + ], + "fps": 25, + "frame_end": 38, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=leMbYTAgd1Q", + "variation_id": 0, + "video_id": "68654" + }, + { + "bbox": [ + 100, + 26, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466899244.7710.mp4", + "variation_id": 0, + "video_id": "11254" + }, + { + "bbox": [ + 69, + 18, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/close-door.mp4", + "variation_id": 0, + "video_id": "11255" + }, + { + "bbox": [ + 67, + 9, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/close-emotion.mp4", + "variation_id": 0, + "video_id": "11256" + }, + { + "bbox": [ + 70, + 17, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/close-hour2.mp4", + "variation_id": 0, + "video_id": "11257" + }, + { + "bbox": [ + 69, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/close-near.mp4", + "variation_id": 0, + "video_id": "11259" + }, + { + "bbox": [ + 67, + 13, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14713.mp4", + "variation_id": 0, + "video_id": "11260" + }, + { + "bbox": [ + 70, + 17, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7816.mp4", + "variation_id": 0, + "video_id": "11261" + }, + { + "bbox": [ + 61, + 11, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9543.mp4", + "variation_id": 0, + "video_id": "11262" + }, + { + "bbox": [ + 10, + 20, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/close_door.swf", + "variation_id": 0, + "video_id": "11264" + }, + { + "bbox": [ + 5, + 18, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/close_near.swf", + "variation_id": 0, + "video_id": "11265" + }, + { + "bbox": [ + 167, + 55, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/close3.mp4", + "variation_id": 0, + "video_id": "11267" + }, + { + "bbox": [ + 175, + 53, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/close4.mp4", + "variation_id": 0, + "video_id": "11268" + }, + { + "bbox": [ + 524, + 77, + 1533, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Close-NMPc6CDj-PY.mp4", + "variation_id": 0, + "video_id": "11253" + } + ] + }, + { + "gloss": "convince", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5931, + "frame_start": 5879, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13133" + }, + { + "bbox": [ + 48, + 7, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58492.mp4", + "variation_id": 0, + "video_id": "13135" + }, + { + "bbox": [ + 526, + 111, + 1589, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Convince-QqwBIa-D10c.mp4", + "variation_id": 1, + "video_id": "13136" + }, + { + "bbox": [ + 680, + 63, + 1789, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Convince-x7kJUcT3Qjc.mp4", + "variation_id": 1, + "video_id": "13137" + }, + { + "bbox": [ + 120, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725280.2519.mp4", + "variation_id": 1, + "video_id": "13138" + }, + { + "bbox": [ + 38, + 11, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/convince-me2.mp4", + "variation_id": 1, + "video_id": "13139" + }, + { + "bbox": [ + 34, + 10, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/convince.mp4", + "variation_id": 1, + "video_id": "13141" + }, + { + "bbox": [ + 150, + 19, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONVINCE-1138.mp4", + "variation_id": 1, + "video_id": "65400" + }, + { + "bbox": [ + 189, + 32, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONVINCE-1984.mp4", + "variation_id": 0, + "video_id": "65401" + }, + { + "bbox": [ + 86, + 17, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23342.mp4", + "variation_id": 0, + "video_id": "13143" + }, + { + "bbox": [ + 89, + 20, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23343.mp4", + "variation_id": 1, + "video_id": "13144" + }, + { + "bbox": [ + 286, + 38, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fsYZa-XFStA", + "variation_id": 1, + "video_id": "13146" + }, + { + "bbox": [ + 0, + 19, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/convince.swf", + "variation_id": 0, + "video_id": "13147" + }, + { + "bbox": [ + 134, + 54, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/convince.mp4", + "variation_id": 1, + "video_id": "13148" + }, + { + "bbox": [ + 70, + 9, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/convince.mov", + "variation_id": 1, + "video_id": "13134" + } + ] + }, + { + "gloss": "country", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6656, + "frame_start": 6614, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13542" + }, + { + "bbox": [ + 140, + 17, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466904058.6403.mp4", + "variation_id": 0, + "video_id": "13546" + }, + { + "bbox": [ + 99, + 4, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/country2.mp4", + "variation_id": 0, + "video_id": "13547" + }, + { + "bbox": [ + 96, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/country.mp4", + "variation_id": 0, + "video_id": "13548" + }, + { + "bbox": [ + 89, + 22, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23151.mp4", + "variation_id": 0, + "video_id": "13549" + }, + { + "bbox": [ + 89, + 22, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23277.mp4", + "variation_id": 0, + "video_id": "13550" + }, + { + "bbox": [ + 64, + 5, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COUNTRY-2558.mp4", + "variation_id": 0, + "video_id": "65414" + }, + { + "bbox": [ + 95, + 17, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LDho1My2rLE", + "variation_id": 0, + "video_id": "67534" + }, + { + "bbox": [ + 320, + 44, + 1047, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YgCmE5kljQw", + "variation_id": 0, + "video_id": "13552" + }, + { + "bbox": [ + 0, + 10, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/country.swf", + "variation_id": 0, + "video_id": "13553" + }, + { + "bbox": [ + 170, + 57, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/country2.mp4", + "variation_id": 0, + "video_id": "13554" + }, + { + "bbox": [ + 184, + 53, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/country.mp4", + "variation_id": 0, + "video_id": "13555" + }, + { + "bbox": [ + 90, + 11, + 255, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/country.mov", + "variation_id": 0, + "video_id": "13543" + }, + { + "bbox": [ + 408, + 57, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/country.mp4", + "variation_id": 0, + "video_id": "13544" + }, + { + "bbox": [ + 779, + 79, + 1666, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Country-Htom5pC0IUU.mp4", + "variation_id": 0, + "video_id": "13545" + } + ] + }, + { + "gloss": "crash", + "instances": [ + { + "bbox": [ + 358, + 43, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/crash.mp4", + "variation_id": 0, + "video_id": "69284" + }, + { + "bbox": [ + 783, + 60, + 1717, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Crash%2C%20Hit%20Rock%20Bottom-rzFQMB-h854.mp4", + "variation_id": 0, + "video_id": "13799" + }, + { + "bbox": [ + 134, + 25, + 504, + 480 + ], + "fps": 25, + "frame_end": 6884, + "frame_start": 6756, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70149" + }, + { + "bbox": [ + 43, + 13, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24333.mp4", + "variation_id": 1, + "video_id": "13804" + }, + { + "bbox": [ + 46, + 17, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24334.mp4", + "variation_id": 1, + "video_id": "13805" + }, + { + "bbox": [ + 42, + 13, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24336.mp4", + "variation_id": 0, + "video_id": "13806" + }, + { + "bbox": [ + 258, + 36, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BnGuWo2MxUQ", + "variation_id": 1, + "video_id": "13809" + }, + { + "bbox": [ + 270, + 11, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G3z4RviEFLs", + "variation_id": 1, + "video_id": "13810" + }, + { + "bbox": [ + 3, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/crash.swf", + "variation_id": 1, + "video_id": "13811" + }, + { + "bbox": [ + 186, + 61, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/crash2.mp4", + "variation_id": 0, + "video_id": "13812" + }, + { + "bbox": [ + 184, + 58, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/crash.mp4", + "variation_id": 1, + "video_id": "13813" + }, + { + "bbox": [ + 74, + 14, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466904958.2814.mp4", + "variation_id": 1, + "video_id": "13800" + }, + { + "bbox": [ + 51, + 11, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/crash-accident.mp4", + "variation_id": 1, + "video_id": "13801" + }, + { + "bbox": [ + 137, + 10, + 504, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/crash-plane.mp4", + "variation_id": 0, + "video_id": "13802" + }, + { + "bbox": [ + 40, + 15, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24332.mp4", + "variation_id": 1, + "video_id": "13803" + } + ] + }, + { + "gloss": "day", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 443, + "frame_start": 384, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14780" + }, + { + "bbox": [ + 245, + 32, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/day.mp4", + "variation_id": 0, + "video_id": "69291" + }, + { + "bbox": [ + 54, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/day.mp4", + "variation_id": 0, + "video_id": "14797" + }, + { + "bbox": [ + 78, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7674.mp4", + "variation_id": 0, + "video_id": "14799" + }, + { + "bbox": [ + 332, + 32, + 1005, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6Ag2Q2J9DAU", + "variation_id": 0, + "video_id": "14800" + }, + { + "bbox": [ + 58, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/day_2.swf", + "variation_id": 0, + "video_id": "14801" + }, + { + "bbox": [ + 162, + 14, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DAY-102.mp4", + "variation_id": 0, + "video_id": "65444" + }, + { + "bbox": [ + 51, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456643.mp4", + "variation_id": 0, + "video_id": "14792" + }, + { + "bbox": [ + 77, + 18, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/mcv4l7iIeaI", + "variation_id": 0, + "video_id": "67553" + }, + { + "bbox": [ + 0, + 6, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/day.swf", + "variation_id": 0, + "video_id": "14802" + }, + { + "bbox": [ + 173, + 62, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/day.mp4", + "variation_id": 0, + "video_id": "14803" + }, + { + "bbox": [ + 332, + 52, + 842, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/day.mp4", + "variation_id": 0, + "video_id": "14793" + }, + { + "bbox": [ + 607, + 61, + 1500, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Day-KOvfQg--Y9U.mp4", + "variation_id": 0, + "video_id": "14794" + }, + { + "bbox": [ + 436, + 15, + 1317, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Day-mcGOqOlbRDg.mp4", + "variation_id": 0, + "video_id": "14795" + }, + { + "bbox": [ + 103, + 19, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906673.7670.mp4", + "variation_id": 0, + "video_id": "14796" + } + ] + }, + { + "gloss": "discuss", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3371, + "frame_start": 3309, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16581" + }, + { + "bbox": [ + 35, + 13, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467770863.2302.mp4", + "variation_id": 0, + "video_id": "16587" + }, + { + "bbox": [ + 32, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/discuss2.mp4", + "variation_id": 0, + "video_id": "16588" + }, + { + "bbox": [ + 11, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/discuss.mp4", + "variation_id": 0, + "video_id": "16590" + }, + { + "bbox": [ + 73, + 20, + 189, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22501.mp4", + "variation_id": 0, + "video_id": "16591" + }, + { + "bbox": [ + 64, + 19, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22503.mp4", + "variation_id": 0, + "video_id": "16592" + }, + { + "bbox": [ + 57, + 20, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22504.mp4", + "variation_id": 0, + "video_id": "16593" + }, + { + "bbox": [ + 143, + 17, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DISCUSS-723.mp4", + "variation_id": 0, + "video_id": "65491" + }, + { + "bbox": [ + 59, + 23, + 433, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OHYBUa4Lpaw", + "variation_id": 0, + "video_id": "16594" + }, + { + "bbox": [ + 304, + 24, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=OHYBUa4Lpaw", + "variation_id": 0, + "video_id": "16595" + }, + { + "bbox": [ + 255, + 37, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=V92uL0D6dI4", + "variation_id": 0, + "video_id": "16596" + }, + { + "bbox": [ + 2, + 10, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/discuss.swf", + "variation_id": 0, + "video_id": "16597" + }, + { + "bbox": [ + 182, + 62, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/discuss.mp4", + "variation_id": 0, + "video_id": "16598" + }, + { + "bbox": [ + 64, + 32, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93940.mp4", + "variation_id": 0, + "video_id": "16585" + }, + { + "bbox": [ + 612, + 40, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Discuss%20aspect-NZvyw3RhuyU.mp4", + "variation_id": 0, + "video_id": "16586" + } + ] + }, + { + "gloss": "dress", + "instances": [ + { + "bbox": [ + 98, + 8, + 546, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRESS-118.mp4", + "variation_id": 0, + "video_id": "65535" + }, + { + "bbox": [ + 308, + 0, + 1003, + 720 + ], + "fps": 25, + "frame_end": 42, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=nZ3ec27-AAE", + "variation_id": 0, + "video_id": "68746" + }, + { + "bbox": [ + 119, + 0, + 723, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=u1AcXPDcd_A", + "variation_id": 0, + "video_id": "68040" + }, + { + "bbox": [ + 115, + 42, + 428, + 360 + ], + "fps": 25, + "frame_end": 2116, + "frame_start": 2016, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70250" + }, + { + "bbox": [ + 56, + 8, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6566.mp4", + "variation_id": 0, + "video_id": "17660" + }, + { + "bbox": [ + 358, + 49, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kDyFU6UL3qk", + "variation_id": 0, + "video_id": "17661" + }, + { + "bbox": [ + 344, + 73, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dress-2.mp4", + "variation_id": 0, + "video_id": "17654" + }, + { + "bbox": [ + 31, + 13, + 482, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sgN-tC__yGI", + "variation_id": 0, + "video_id": "67593" + }, + { + "bbox": [ + 0, + 6, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dress.swf", + "variation_id": 0, + "video_id": "17664" + }, + { + "bbox": [ + 124, + 57, + 610, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/dress.mp4", + "variation_id": 0, + "video_id": "17665" + }, + { + "bbox": [ + 652, + 50, + 1653, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dress-4bH5_C1XJTE.mp4", + "variation_id": 0, + "video_id": "17655" + }, + { + "bbox": [ + 0, + 3, + 631, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1467773697.5120.mp4", + "variation_id": 0, + "video_id": "17656" + }, + { + "bbox": [ + 16, + 7, + 619, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773747.4457.mp4", + "variation_id": 0, + "video_id": "17657" + }, + { + "bbox": [ + 24, + 11, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dress.mp4", + "variation_id": 0, + "video_id": "17658" + }, + { + "bbox": [ + 64, + 5, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6137.mp4", + "variation_id": 0, + "video_id": "17659" + } + ] + }, + { + "gloss": "drive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4656, + "frame_start": 4587, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17751" + }, + { + "bbox": [ + 365, + 78, + 957, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=G8sQiC7q6Kc", + "variation_id": 0, + "video_id": "68476" + }, + { + "bbox": [ + 143, + 46, + 432, + 360 + ], + "fps": 25, + "frame_end": 2907, + "frame_start": 2810, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70262" + }, + { + "bbox": [ + 554, + 82, + 1662, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drive-KX2gduET9DY.mp4", + "variation_id": 1, + "video_id": "17761" + }, + { + "bbox": [ + 57, + 13, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773842.6218.mp4", + "variation_id": 1, + "video_id": "17762" + }, + { + "bbox": [ + 70, + 9, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drive2.mp4", + "variation_id": 1, + "video_id": "17763" + }, + { + "bbox": [ + 16, + 6, + 609, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drive.mp4", + "variation_id": 0, + "video_id": "17764" + }, + { + "bbox": [ + 23, + 2, + 517, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drive-to.mp4", + "variation_id": 1, + "video_id": "17765" + }, + { + "bbox": [ + 66, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23918.mp4", + "variation_id": 1, + "video_id": "17766" + }, + { + "bbox": [ + 210, + 34, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRIVE-2207.mp4", + "variation_id": 1, + "video_id": "65542" + }, + { + "bbox": [ + 409, + 50, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/drive.mp4", + "variation_id": 1, + "video_id": "17758" + }, + { + "bbox": [ + 73, + 13, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6652.mp4", + "variation_id": 1, + "video_id": "17768" + }, + { + "bbox": [ + 325, + 57, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YfwGL0ZIBqE", + "variation_id": 0, + "video_id": "17770" + }, + { + "bbox": [ + 0, + 16, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/drive.swf", + "variation_id": 0, + "video_id": "17771" + }, + { + "bbox": [ + 187, + 58, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drive.mp4", + "variation_id": 1, + "video_id": "17773" + } + ] + }, + { + "gloss": "drop", + "instances": [ + { + "bbox": [ + 102, + 15, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DROP-121.mp4", + "variation_id": 0, + "video_id": "65544" + }, + { + "bbox": [ + 62, + 2, + 502, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drop2.mp4", + "variation_id": 1, + "video_id": "17825" + }, + { + "bbox": [ + 89, + 1, + 486, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drop.mp4", + "variation_id": 0, + "video_id": "17826" + }, + { + "bbox": [ + 26, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1463.mp4", + "variation_id": 0, + "video_id": "17827" + }, + { + "bbox": [ + 49, + 13, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5519.mp4", + "variation_id": 0, + "video_id": "17828" + }, + { + "bbox": [ + 312, + 59, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ui097a43wo8", + "variation_id": 1, + "video_id": "17829" + }, + { + "bbox": [ + 29, + 32, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91484.mp4", + "variation_id": 0, + "video_id": "17820" + }, + { + "bbox": [ + 95, + 20, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4L323LDgLJg", + "variation_id": 1, + "video_id": "67595" + }, + { + "bbox": [ + 304, + 40, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VqHcwE9R0Ng", + "variation_id": 1, + "video_id": "17830" + }, + { + "bbox": [ + 0, + 8, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/drop.swf", + "variation_id": 1, + "video_id": "17831" + }, + { + "bbox": [ + 180, + 64, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/drop.mp4", + "variation_id": 1, + "video_id": "17832" + }, + { + "bbox": [ + 432, + 59, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/drop.mp4", + "variation_id": 1, + "video_id": "17821" + }, + { + "bbox": [ + 627, + 68, + 1653, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drop-G4zdfXf8Ml4.mp4", + "variation_id": 1, + "video_id": "17822" + }, + { + "bbox": [ + 715, + 58, + 1559, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drop-nPOOydtkU3I.mp4", + "variation_id": 1, + "video_id": "17823" + }, + { + "bbox": [ + 14, + 13, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468206573.8832.mp4", + "variation_id": 0, + "video_id": "17824" + } + ] + }, + { + "gloss": "fat", + "instances": [ + { + "bbox": [ + 113, + 26, + 532, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAT-1453.mp4", + "variation_id": 0, + "video_id": "65692" + }, + { + "bbox": [ + 330, + 55, + 973, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dMcAsUuMRhE", + "variation_id": 0, + "video_id": "21248" + }, + { + "bbox": [ + 0, + 11, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fat.swf", + "variation_id": 0, + "video_id": "21250" + }, + { + "bbox": [ + 150, + 52, + 601, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/obese.mp4", + "variation_id": 0, + "video_id": "21252" + }, + { + "bbox": [ + 389, + 65, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fat.mp4", + "variation_id": 0, + "video_id": "21233" + }, + { + "bbox": [ + 569, + 57, + 1800, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fat%2C%20Obese%2C%20Portly-gmqX0Hv42cc.mp4", + "variation_id": 0, + "video_id": "21234" + }, + { + "bbox": [ + 10, + 10, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463470.3533.mp4", + "variation_id": 0, + "video_id": "21236" + }, + { + "bbox": [ + 65, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455634.mp4", + "variation_id": 0, + "video_id": "21231" + }, + { + "bbox": [ + 143, + 22, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546573530.965.mp4", + "variation_id": 0, + "video_id": "21237" + }, + { + "bbox": [ + 64, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/fat.mp4", + "variation_id": 0, + "video_id": "21239" + }, + { + "bbox": [ + 57, + 20, + 424, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/6YMP-1Ccx8g", + "variation_id": 0, + "video_id": "67646" + }, + { + "bbox": [ + 47, + 13, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/24/24239.mp4", + "variation_id": 0, + "video_id": "21241" + }, + { + "bbox": [ + 83, + 16, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24240.mp4", + "variation_id": 0, + "video_id": "21242" + }, + { + "bbox": [ + 57, + 12, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24241.mp4", + "variation_id": 0, + "video_id": "21243" + }, + { + "bbox": [ + 282, + 32, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6MACNEYz0v4", + "variation_id": 0, + "video_id": "21246" + } + ] + }, + { + "gloss": "feel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1132, + "frame_start": 1076, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21425" + }, + { + "bbox": [ + 357, + 31, + 854, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 119, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/feel.mp4", + "variation_id": 0, + "video_id": "69319" + }, + { + "bbox": [ + 279, + 12, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mN3bof4MixQ", + "variation_id": 0, + "video_id": "21438" + }, + { + "bbox": [ + 248, + 0, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=UxO5Q0fSqOw", + "variation_id": 0, + "video_id": "21439" + }, + { + "bbox": [ + 248, + 0, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UxO5Q0fSqOw", + "variation_id": 0, + "video_id": "21440" + }, + { + "bbox": [ + 15, + 19, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/feel.swf", + "variation_id": 0, + "video_id": "21441" + }, + { + "bbox": [ + 136, + 21, + 432, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FE/FEEL-624.mp4", + "variation_id": 0, + "video_id": "65696" + }, + { + "bbox": [ + 67, + 34, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93005.mp4", + "variation_id": 0, + "video_id": "21432" + }, + { + "bbox": [ + 89, + 22, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/VjSEIVJKae4", + "variation_id": 0, + "video_id": "67653" + }, + { + "bbox": [ + 207, + 36, + 470, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/feel.mp4", + "variation_id": 0, + "video_id": "21442" + }, + { + "bbox": [ + 858, + 66, + 1731, + 1059 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 27, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Feel-X1Vq74m1ofY.mp4", + "variation_id": 0, + "video_id": "21433" + }, + { + "bbox": [ + 82, + 8, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468464003.6555.mp4", + "variation_id": 0, + "video_id": "21434" + }, + { + "bbox": [ + 54, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/feel.mp4", + "variation_id": 0, + "video_id": "21435" + }, + { + "bbox": [ + 75, + 10, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6900.mp4", + "variation_id": 0, + "video_id": "21436" + }, + { + "bbox": [ + 311, + 69, + 888, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=cH03d9ccwVI", + "variation_id": 0, + "video_id": "21437" + } + ] + }, + { + "gloss": "football", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2384, + "frame_start": 2345, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22798" + }, + { + "bbox": [ + 319, + 23, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/football.mp4", + "variation_id": 0, + "video_id": "69331" + }, + { + "bbox": [ + 139, + 22, + 497, + 480 + ], + "fps": 25, + "frame_end": 889, + "frame_start": 779, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70129" + }, + { + "bbox": [ + 178, + 52, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/football.mp4", + "variation_id": 0, + "video_id": "22818" + }, + { + "bbox": [ + 543, + 78, + 1632, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Football%202-RTuaLYQjaeQ.mp4", + "variation_id": 0, + "video_id": "22803" + }, + { + "bbox": [ + 567, + 87, + 1579, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Football-qqA50X9lf20.mp4", + "variation_id": 0, + "video_id": "22804" + }, + { + "bbox": [ + 376, + 56, + 1055, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Football.mp4", + "variation_id": 0, + "video_id": "22805" + }, + { + "bbox": [ + 89, + 16, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513230.5625.mp4", + "variation_id": 0, + "video_id": "22806" + }, + { + "bbox": [ + 72, + 9, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/football.mp4", + "variation_id": 0, + "video_id": "22809" + }, + { + "bbox": [ + 65, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6507.mp4", + "variation_id": 0, + "video_id": "22810" + }, + { + "bbox": [ + 147, + 17, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOOTBALL-734.mp4", + "variation_id": 0, + "video_id": "65755" + }, + { + "bbox": [ + 474, + 70, + 863, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/football.mp4", + "variation_id": 0, + "video_id": "22802" + }, + { + "bbox": [ + 111, + 1, + 402, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rALpH4aCRzo", + "variation_id": 0, + "video_id": "67673" + }, + { + "bbox": [ + 359, + 54, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jgfU7uDgV0k", + "variation_id": 0, + "video_id": "22814" + }, + { + "bbox": [ + 28, + 21, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/football_a.swf", + "variation_id": 0, + "video_id": "22815" + } + ] + }, + { + "gloss": "future", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3558, + "frame_start": 3516, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23945" + }, + { + "bbox": [ + 347, + 0, + 943, + 720 + ], + "fps": 25, + "frame_end": 42, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=yiS9IHo_g_M", + "variation_id": 0, + "video_id": "69060" + }, + { + "bbox": [ + 68, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14736.mp4", + "variation_id": 0, + "video_id": "23951" + }, + { + "bbox": [ + 68, + 0, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14737.mp4", + "variation_id": 0, + "video_id": "23952" + }, + { + "bbox": [ + 63, + 0, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14738.mp4", + "variation_id": 0, + "video_id": "23953" + }, + { + "bbox": [ + 279, + 0, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RMUZFdu6VtI", + "variation_id": 0, + "video_id": "23954" + }, + { + "bbox": [ + 130, + 34, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FU/FUTURE-1508.mp4", + "variation_id": 0, + "video_id": "65798" + }, + { + "bbox": [ + 137, + 16, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FU/FUTURE-320.mp4", + "variation_id": 0, + "video_id": "65797" + }, + { + "bbox": [ + 104, + 21, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TylnbSUHUmU", + "variation_id": 0, + "video_id": "67700" + }, + { + "bbox": [ + 0, + 18, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/f/future.swf", + "variation_id": 0, + "video_id": "23955" + }, + { + "bbox": [ + 173, + 53, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/future.mp4", + "variation_id": 0, + "video_id": "23956" + }, + { + "bbox": [ + 61, + 18, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91425.mp4", + "variation_id": 0, + "video_id": "23946" + }, + { + "bbox": [ + 316, + 44, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/future.mp4", + "variation_id": 0, + "video_id": "23947" + }, + { + "bbox": [ + 103, + 11, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514811.7956.mp4", + "variation_id": 0, + "video_id": "23948" + }, + { + "bbox": [ + 64, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/future.mp4", + "variation_id": 0, + "video_id": "23949" + } + ] + }, + { + "gloss": "game", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 169, + "frame_start": 127, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24023" + }, + { + "bbox": [ + 115, + 14, + 543, + 357 + ], + "fps": 25, + "frame_end": 72, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=3YlB2Mi3Mko", + "variation_id": 0, + "video_id": "68242" + }, + { + "bbox": [ + 227, + 17, + 1009, + 720 + ], + "fps": 25, + "frame_end": 105, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=PkvCJZckEPc", + "variation_id": 0, + "video_id": "68798" + }, + { + "bbox": [ + 111, + 0, + 1192, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=PuyPRaYlQFw", + "variation_id": 0, + "video_id": "68056" + }, + { + "bbox": [ + 13, + 19, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/game.swf", + "variation_id": 0, + "video_id": "24032" + }, + { + "bbox": [ + 169, + 52, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/game.mp4", + "variation_id": 0, + "video_id": "24033" + }, + { + "bbox": [ + 158, + 39, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GA/GAME-463.mp4", + "variation_id": 0, + "video_id": "65800" + }, + { + "bbox": [ + 382, + 46, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/game.mp4", + "variation_id": 0, + "video_id": "24025" + }, + { + "bbox": [ + 103, + 22, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/iOxb7dWWa2E", + "variation_id": 0, + "video_id": "67702" + }, + { + "bbox": [ + 257, + 9, + 618, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 52, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20game.mp4", + "variation_id": 0, + "video_id": "24026" + }, + { + "bbox": [ + 115, + 14, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468514906.7628.mp4", + "variation_id": 0, + "video_id": "24027" + }, + { + "bbox": [ + 56, + 0, + 490, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/game.mp4", + "variation_id": 0, + "video_id": "24028" + }, + { + "bbox": [ + 63, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6522.mp4", + "variation_id": 0, + "video_id": "24029" + }, + { + "bbox": [ + 150, + 10, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eEr2VVdFtWg", + "variation_id": 0, + "video_id": "24030" + }, + { + "bbox": [ + 353, + 55, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eEr2VVdFtWg", + "variation_id": 0, + "video_id": "24031" + } + ] + }, + { + "gloss": "girl", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 776, + "frame_start": 720, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24590" + }, + { + "bbox": [ + 337, + 38, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/girl.mp4", + "variation_id": 0, + "video_id": "69342" + }, + { + "bbox": [ + 354, + 24, + 906, + 720 + ], + "fps": 25, + "frame_end": 32, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=qom1zfdv0fM", + "variation_id": 0, + "video_id": "68840" + }, + { + "bbox": [ + 244, + 0, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=pwh3cOdoiG4", + "variation_id": 0, + "video_id": "24612" + }, + { + "bbox": [ + 6, + 6, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/girl.swf", + "variation_id": 0, + "video_id": "24613" + }, + { + "bbox": [ + 174, + 64, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/girl.mp4", + "variation_id": 0, + "video_id": "24614" + }, + { + "bbox": [ + 144, + 19, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GI/GIRL-465.mp4", + "variation_id": 0, + "video_id": "65817" + }, + { + "bbox": [ + 69, + 0, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456446.mp4", + "variation_id": 0, + "video_id": "24605" + }, + { + "bbox": [ + 102, + 23, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BplLBwbCc_0", + "variation_id": 0, + "video_id": "67709" + }, + { + "bbox": [ + 230, + 16, + 519, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/girl.mp4", + "variation_id": 0, + "video_id": "24606" + }, + { + "bbox": [ + 814, + 70, + 1748, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 27, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Girl-au4SAlovob8.mp4", + "variation_id": 0, + "video_id": "24607" + }, + { + "bbox": [ + 758, + 80, + 1487, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Girl-v3qw7pEsoEw.mp4", + "variation_id": 0, + "video_id": "24608" + }, + { + "bbox": [ + 83, + 10, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468548923.2582.mp4", + "variation_id": 0, + "video_id": "24609" + }, + { + "bbox": [ + 111, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/girl.mp4", + "variation_id": 0, + "video_id": "24610" + }, + { + "bbox": [ + 74, + 12, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7076.mp4", + "variation_id": 0, + "video_id": "24611" + } + ] + }, + { + "gloss": "government", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1476, + "frame_start": 1430, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25240" + }, + { + "bbox": [ + 498, + 39, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Government%202-VsivllxcxiI.mp4", + "variation_id": 0, + "video_id": "25244" + }, + { + "bbox": [ + 494, + 34, + 1646, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Government%203-1vnxVTcVms4.mp4", + "variation_id": 0, + "video_id": "25245" + }, + { + "bbox": [ + 515, + 49, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Government-IBDl4aXPFgM.mp4", + "variation_id": 0, + "video_id": "25246" + }, + { + "bbox": [ + 28, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549814.5634.mp4", + "variation_id": 0, + "video_id": "25247" + }, + { + "bbox": [ + 57, + 11, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/government-us.mp4", + "variation_id": 0, + "video_id": "25249" + }, + { + "bbox": [ + 105, + 6, + 454, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GOVERNMENT-652.mp4", + "variation_id": 0, + "video_id": "65840" + }, + { + "bbox": [ + 83, + 7, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ZcFkE7qjmcc", + "variation_id": 0, + "video_id": "67721" + }, + { + "bbox": [ + 38, + 22, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23369.mp4", + "variation_id": 0, + "video_id": "25250" + }, + { + "bbox": [ + 128, + 7, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=qUqPruV10Gg", + "variation_id": 0, + "video_id": "25251" + }, + { + "bbox": [ + 265, + 18, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=qUqPruV10Gg", + "variation_id": 0, + "video_id": "25252" + }, + { + "bbox": [ + 157, + 66, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/govern.mp4", + "variation_id": 0, + "video_id": "25253" + }, + { + "bbox": [ + 56, + 12, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/government.mov", + "variation_id": 0, + "video_id": "25241" + }, + { + "bbox": [ + 30, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456468.mp4", + "variation_id": 0, + "video_id": "25242" + }, + { + "bbox": [ + 347, + 51, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/government.mp4", + "variation_id": 0, + "video_id": "25243" + } + ] + }, + { + "gloss": "hear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 993, + "frame_start": 961, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26938" + }, + { + "bbox": [ + 72, + 11, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468580395.3846.mp4", + "variation_id": 1, + "video_id": "26946" + }, + { + "bbox": [ + 112, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hear-news.mp4", + "variation_id": 0, + "video_id": "26947" + }, + { + "bbox": [ + 75, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hear-sound.mp4", + "variation_id": 1, + "video_id": "26948" + }, + { + "bbox": [ + 62, + 18, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23800.mp4", + "variation_id": 0, + "video_id": "26950" + }, + { + "bbox": [ + 68, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23801.mp4", + "variation_id": 0, + "video_id": "26951" + }, + { + "bbox": [ + 98, + 13, + 221, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 66, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/hear.mov", + "variation_id": 0, + "video_id": "26942" + }, + { + "bbox": [ + 68, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23801.mp4", + "variation_id": 0, + "video_id": "26952" + }, + { + "bbox": [ + 284, + 19, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CPAxecqxhzY", + "variation_id": 0, + "video_id": "26953" + }, + { + "bbox": [ + 272, + 63, + 894, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=NiBN96pLt8U", + "variation_id": 1, + "video_id": "26954" + }, + { + "bbox": [ + 1, + 9, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/hear.swf", + "variation_id": 0, + "video_id": "26955" + }, + { + "bbox": [ + 241, + 47, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/listen.mp4", + "variation_id": 1, + "video_id": "26956" + }, + { + "bbox": [ + 67, + 0, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456566.mp4", + "variation_id": 0, + "video_id": "26943" + }, + { + "bbox": [ + 682, + 132, + 1525, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hear%2C%20Listen-BtzSQzKxPl0.mp4", + "variation_id": 1, + "video_id": "26944" + }, + { + "bbox": [ + 663, + 76, + 1489, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hear-hGpJeStHR6I.mp4", + "variation_id": 1, + "video_id": "26945" + } + ] + }, + { + "gloss": "here", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1516, + "frame_start": 1467, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27254" + }, + { + "bbox": [ + 316, + 46, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/here.mp4", + "variation_id": 0, + "video_id": "69365" + }, + { + "bbox": [ + 123, + 0, + 1280, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=JBIstMmmHxI", + "variation_id": 0, + "video_id": "68072" + }, + { + "bbox": [ + 347, + 23, + 990, + 720 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=jx9_Ip1EXhA", + "variation_id": 0, + "video_id": "68610" + }, + { + "bbox": [ + 66, + 7, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5873.mp4", + "variation_id": 0, + "video_id": "27268" + }, + { + "bbox": [ + 272, + 50, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2dALbgMQWmk", + "variation_id": 0, + "video_id": "27269" + }, + { + "bbox": [ + 68, + 6, + 499, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qi1tgV5Fy5c", + "variation_id": 0, + "video_id": "27271" + }, + { + "bbox": [ + 0, + 12, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/here.swf", + "variation_id": 0, + "video_id": "27272" + }, + { + "bbox": [ + 95, + 13, + 548, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HERE-484.mp4", + "variation_id": 0, + "video_id": "65892" + }, + { + "bbox": [ + 444, + 71, + 858, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/here.mp4", + "variation_id": 0, + "video_id": "27263" + }, + { + "bbox": [ + 62, + 16, + 401, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/e7ckmRr2la0", + "variation_id": 0, + "video_id": "67758" + }, + { + "bbox": [ + 173, + 53, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/here.mp4", + "variation_id": 0, + "video_id": "27273" + }, + { + "bbox": [ + 425, + 14, + 1404, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Here-IxKduR6Lv4M.mp4", + "variation_id": 0, + "video_id": "27264" + }, + { + "bbox": [ + 45, + 1, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580742.7710.mp4", + "variation_id": 0, + "video_id": "27265" + }, + { + "bbox": [ + 76, + 0, + 611, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/here.mp4", + "variation_id": 0, + "video_id": "27267" + } + ] + }, + { + "gloss": "hope", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2154, + "frame_start": 2098, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27917" + }, + { + "bbox": [ + 763, + 146, + 1568, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expect-oMpdybUn-9Y.mp4", + "variation_id": 0, + "video_id": "27922" + }, + { + "bbox": [ + 668, + 148, + 1587, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hope%202-W-ZNwgTlrGo.mp4", + "variation_id": 1, + "video_id": "27923" + }, + { + "bbox": [ + 689, + 147, + 1575, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hope-ja2Crl0Zpyo.mp4", + "variation_id": 1, + "video_id": "27925" + }, + { + "bbox": [ + 46, + 11, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468581776.8100.mp4", + "variation_id": 1, + "video_id": "27926" + }, + { + "bbox": [ + 79, + 14, + 561, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hope.mp4", + "variation_id": 1, + "video_id": "27927" + }, + { + "bbox": [ + 69, + 7, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22197.mp4", + "variation_id": 1, + "video_id": "27929" + }, + { + "bbox": [ + 169, + 31, + 532, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HO/HOPE-1760.mp4", + "variation_id": 1, + "video_id": "65905" + }, + { + "bbox": [ + 55, + 31, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91439.mp4", + "variation_id": 1, + "video_id": "27920" + }, + { + "bbox": [ + 77, + 19, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7tuVYLmh-Dg", + "variation_id": 1, + "video_id": "67769" + }, + { + "bbox": [ + 236, + 17, + 1115, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=aOyZk0caisk", + "variation_id": 0, + "video_id": "27931" + }, + { + "bbox": [ + 236, + 17, + 1115, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aOyZk0caisk", + "variation_id": 0, + "video_id": "27932" + }, + { + "bbox": [ + 2, + 9, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/hope.swf", + "variation_id": 1, + "video_id": "27933" + }, + { + "bbox": [ + 165, + 48, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hope.mp4", + "variation_id": 0, + "video_id": "27934" + }, + { + "bbox": [ + 541, + 50, + 1533, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expectation%2C%20Hope-PoYF8CCs1Cg.mp4", + "variation_id": 1, + "video_id": "27921" + } + ] + }, + { + "gloss": "house", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2381, + "frame_start": 2329, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28157" + }, + { + "bbox": [ + 326, + 29, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/house.mp4", + "variation_id": 0, + "video_id": "69369" + }, + { + "bbox": [ + 122, + 15, + 491, + 480 + ], + "fps": 25, + "frame_end": 3918, + "frame_start": 3802, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70373" + }, + { + "bbox": [ + 170, + 10, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=lBSZYk72vmY", + "variation_id": 0, + "video_id": "28166" + }, + { + "bbox": [ + 332, + 93, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=r8jU9XpoEF0", + "variation_id": 0, + "video_id": "28167" + }, + { + "bbox": [ + 20, + 22, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/house.swf", + "variation_id": 0, + "video_id": "28168" + }, + { + "bbox": [ + 37, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58463.mp4", + "variation_id": 0, + "video_id": "28159" + }, + { + "bbox": [ + 77, + 18, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8Q-fEePVwsk", + "variation_id": 0, + "video_id": "67777" + }, + { + "bbox": [ + 191, + 51, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/house.mp4", + "variation_id": 0, + "video_id": "28169" + }, + { + "bbox": [ + 213, + 16, + 532, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/house.mp4", + "variation_id": 0, + "video_id": "28160" + }, + { + "bbox": [ + 525, + 94, + 1559, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20House-F3BNN5Jwy30.mp4", + "variation_id": 0, + "video_id": "28161" + }, + { + "bbox": [ + 65, + 4, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468638718.3003.mp4", + "variation_id": 0, + "video_id": "28162" + }, + { + "bbox": [ + 72, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/house.mp4", + "variation_id": 0, + "video_id": "28163" + }, + { + "bbox": [ + 76, + 23, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23234.mp4", + "variation_id": 0, + "video_id": "28164" + }, + { + "bbox": [ + 329, + 26, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CJMH2YMuC6I", + "variation_id": 0, + "video_id": "28165" + } + ] + }, + { + "gloss": "husband", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2792, + "frame_start": 2753, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28461" + }, + { + "bbox": [ + 273, + 15, + 856, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=OQU_4_iw0vU", + "variation_id": 0, + "video_id": "68772" + }, + { + "bbox": [ + 53, + 22, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23355.mp4", + "variation_id": 0, + "video_id": "28469" + }, + { + "bbox": [ + 47, + 21, + 428, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=MeIk9lFGPTo", + "variation_id": 0, + "video_id": "28470" + }, + { + "bbox": [ + 294, + 28, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TYTsqVZU1dk", + "variation_id": 0, + "video_id": "28471" + }, + { + "bbox": [ + 10, + 6, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/husband.swf", + "variation_id": 0, + "video_id": "28472" + }, + { + "bbox": [ + 196, + 35, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HU/HUSBAND-1753.mp4", + "variation_id": 0, + "video_id": "65913" + }, + { + "bbox": [ + 44, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51852.mp4", + "variation_id": 0, + "video_id": "28463" + }, + { + "bbox": [ + 86, + 5, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/UnjYzs-m7hU", + "variation_id": 0, + "video_id": "67781" + }, + { + "bbox": [ + 164, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/husband.mp4", + "variation_id": 0, + "video_id": "28473" + }, + { + "bbox": [ + 195, + 16, + 528, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/husband.mp4", + "variation_id": 0, + "video_id": "28464" + }, + { + "bbox": [ + 456, + 57, + 1601, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Husband-popFMRgpkSs.mp4", + "variation_id": 0, + "video_id": "28465" + }, + { + "bbox": [ + 57, + 3, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468639410.7652.mp4", + "variation_id": 0, + "video_id": "28466" + }, + { + "bbox": [ + 21, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/husband.mp4", + "variation_id": 0, + "video_id": "28467" + }, + { + "bbox": [ + 115, + 0, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/husband-to-be.mp4", + "variation_id": 0, + "video_id": "28468" + } + ] + }, + { + "gloss": "interest", + "instances": [ + { + "bbox": [ + 201, + 27, + 516, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INTEREST-1725.mp4", + "variation_id": 0, + "video_id": "65950" + }, + { + "bbox": [ + 61, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457884.mp4", + "variation_id": 0, + "video_id": "30153" + }, + { + "bbox": [ + 66, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457885.mp4", + "variation_id": 0, + "video_id": "30154" + }, + { + "bbox": [ + 422, + 60, + 801, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/interest.mp4", + "variation_id": 1, + "video_id": "30155" + }, + { + "bbox": [ + 102, + 12, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468667579.3674.mp4", + "variation_id": 1, + "video_id": "30156" + }, + { + "bbox": [ + 107, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/interest-pay.mp4", + "variation_id": 1, + "video_id": "30158" + }, + { + "bbox": [ + 71, + 12, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6396.mp4", + "variation_id": 0, + "video_id": "30160" + }, + { + "bbox": [ + 96, + 10, + 254, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/interest_-_money.mov", + "variation_id": 1, + "video_id": "30152" + }, + { + "bbox": [ + 85, + 9, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tacRhsELGVA", + "variation_id": 0, + "video_id": "67794" + }, + { + "bbox": [ + 69, + 11, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9969.mp4", + "variation_id": 1, + "video_id": "30162" + }, + { + "bbox": [ + 97, + 7, + 418, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0GMCqBh8TiU", + "variation_id": 1, + "video_id": "30163" + }, + { + "bbox": [ + 147, + 10, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=AmQT3MjOtU0", + "variation_id": 0, + "video_id": "30164" + }, + { + "bbox": [ + 2, + 12, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/interest.swf", + "variation_id": 0, + "video_id": "30165" + }, + { + "bbox": [ + 253, + 48, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/interest2.mp4", + "variation_id": 0, + "video_id": "30166" + }, + { + "bbox": [ + 252, + 46, + 503, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/interest.mp4", + "variation_id": 1, + "video_id": "30168" + } + ] + }, + { + "gloss": "join", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 529, + "frame_start": 487, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31147" + }, + { + "bbox": [ + 256, + 32, + 1022, + 720 + ], + "fps": 25, + "frame_end": 149, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=WPVk8I02I6M", + "variation_id": 0, + "video_id": "69006" + }, + { + "bbox": [ + 606, + 52, + 1634, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Join-bRvT6MHyXR0.mp4", + "variation_id": 0, + "video_id": "31151" + }, + { + "bbox": [ + 95, + 17, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468669403.193.mp4", + "variation_id": 0, + "video_id": "31152" + }, + { + "bbox": [ + 46, + 9, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/join-me.mp4", + "variation_id": 0, + "video_id": "31153" + }, + { + "bbox": [ + 38, + 2, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/join.mp4", + "variation_id": 0, + "video_id": "31154" + }, + { + "bbox": [ + 67, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14439.mp4", + "variation_id": 0, + "video_id": "31155" + }, + { + "bbox": [ + 79, + 16, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24012.mp4", + "variation_id": 0, + "video_id": "31157" + }, + { + "bbox": [ + 72, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24013.mp4", + "variation_id": 0, + "video_id": "31158" + }, + { + "bbox": [ + 199, + 32, + 528, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 96, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/JO/JOIN-1705.mp4", + "variation_id": 0, + "video_id": "65981" + }, + { + "bbox": [ + 48, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399731.mp4", + "variation_id": 0, + "video_id": "31149" + }, + { + "bbox": [ + 306, + 23, + 900, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=_6zNbCmnPyo", + "variation_id": 0, + "video_id": "31159" + }, + { + "bbox": [ + 320, + 59, + 897, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=D3mLq8Gchvs", + "variation_id": 0, + "video_id": "31161" + }, + { + "bbox": [ + 0, + 16, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/join.swf", + "variation_id": 0, + "video_id": "31163" + }, + { + "bbox": [ + 245, + 51, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/join.mp4", + "variation_id": 0, + "video_id": "31165" + } + ] + }, + { + "gloss": "light", + "instances": [ + { + "bbox": [ + 204, + 14, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LIGHT-497.mp4", + "variation_id": 0, + "video_id": "66069" + }, + { + "bbox": [ + 249, + 3, + 656, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=1Gric8iOWxI", + "variation_id": 0, + "video_id": "68090" + }, + { + "bbox": [ + 80, + 0, + 552, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IcF-D_eJhi0", + "variation_id": 0, + "video_id": "33224" + }, + { + "bbox": [ + 472, + 5, + 1798, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Light%20copy-_avAtcE6T_o.mp4", + "variation_id": 1, + "video_id": "33206" + }, + { + "bbox": [ + 144, + 54, + 585, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/light4.mp4", + "variation_id": 1, + "video_id": "33229" + }, + { + "bbox": [ + 192, + 56, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/light.mp4", + "variation_id": 0, + "video_id": "33231" + }, + { + "bbox": [ + 229, + 14, + 513, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/light.mp4", + "variation_id": 0, + "video_id": "33205" + }, + { + "bbox": [ + 129, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/light.mp4", + "variation_id": 0, + "video_id": "33210" + }, + { + "bbox": [ + 22, + 0, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/light-weight2.mp4", + "variation_id": 1, + "video_id": "33211" + }, + { + "bbox": [ + 16, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/light-weight.mp4", + "variation_id": 1, + "video_id": "33212" + }, + { + "bbox": [ + 75, + 10, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14780.mp4", + "variation_id": 1, + "video_id": "33214" + }, + { + "bbox": [ + 74, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6824.mp4", + "variation_id": 0, + "video_id": "33217" + }, + { + "bbox": [ + 55, + 12, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 24, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7500.mp4", + "variation_id": 1, + "video_id": "33218" + }, + { + "bbox": [ + 131, + 3, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1GVBKQPRwTE", + "variation_id": 1, + "video_id": "33220" + }, + { + "bbox": [ + 353, + 29, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCIocBQ6ylU", + "variation_id": 0, + "video_id": "33221" + } + ] + }, + { + "gloss": "live", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2097, + "frame_start": 2065, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33537" + }, + { + "bbox": [ + 136, + 40, + 434, + 360 + ], + "fps": 25, + "frame_end": 5200, + "frame_start": 5097, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=25ymRY7hbjs", + "variation_id": 0, + "video_id": "70019" + }, + { + "bbox": [ + 368, + 14, + 961, + 720 + ], + "fps": 25, + "frame_end": 43, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=_iunoEUacUk", + "variation_id": 1, + "video_id": "68574" + }, + { + "bbox": [ + 151, + 11, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8V7JlOPOFfk", + "variation_id": 0, + "video_id": "33543" + }, + { + "bbox": [ + 0, + 12, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/live.swf", + "variation_id": 0, + "video_id": "33544" + }, + { + "bbox": [ + 233, + 40, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/live.mp4", + "variation_id": 1, + "video_id": "33545" + }, + { + "bbox": [ + 154, + 31, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LIVE-1641.mp4", + "variation_id": 0, + "video_id": "66078" + }, + { + "bbox": [ + 143, + 30, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LIVE-1642.mp4", + "variation_id": 1, + "video_id": "66079" + }, + { + "bbox": [ + 75, + 8, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0ZsmE7YX6ME", + "variation_id": 1, + "video_id": "67853" + }, + { + "bbox": [ + 52, + 9, + 431, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/F4X9rEJgKpk", + "variation_id": 0, + "video_id": "67851" + }, + { + "bbox": [ + 72, + 17, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/308001.mp4", + "variation_id": 1, + "video_id": "33538" + }, + { + "bbox": [ + 130, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468712192.945.mp4", + "variation_id": 1, + "video_id": "33539" + }, + { + "bbox": [ + 103, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/live2.mp4", + "variation_id": 0, + "video_id": "33540" + }, + { + "bbox": [ + 79, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/live.mp4", + "variation_id": 1, + "video_id": "33541" + }, + { + "bbox": [ + 63, + 11, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6491.mp4", + "variation_id": 1, + "video_id": "33542" + } + ] + }, + { + "gloss": "make", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 297, + "frame_start": 261, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34558" + }, + { + "bbox": [ + 163, + 33, + 999, + 720 + ], + "fps": 25, + "frame_end": 105, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=2vE7aBuVV28", + "variation_id": 0, + "video_id": "68226" + }, + { + "bbox": [ + 95, + 18, + 489, + 480 + ], + "fps": 25, + "frame_end": 7269, + "frame_start": 7156, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70082" + }, + { + "bbox": [ + 87, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468713374.2074.mp4", + "variation_id": 0, + "video_id": "34581" + }, + { + "bbox": [ + 91, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/make.mp4", + "variation_id": 0, + "video_id": "34582" + }, + { + "bbox": [ + 73, + 24, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22337.mp4", + "variation_id": 0, + "video_id": "34583" + }, + { + "bbox": [ + 81, + 23, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22338.mp4", + "variation_id": 0, + "video_id": "34584" + }, + { + "bbox": [ + 67, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456657.mp4", + "variation_id": 0, + "video_id": "34575" + }, + { + "bbox": [ + 102, + 15, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/NokkIJtHjAs", + "variation_id": 0, + "video_id": "67871" + }, + { + "bbox": [ + 11, + 5, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/make.swf", + "variation_id": 0, + "video_id": "34585" + }, + { + "bbox": [ + 178, + 50, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/fix.mp4", + "variation_id": 0, + "video_id": "34586" + }, + { + "bbox": [ + 715, + 71, + 1640, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Make%20aspect%202-cluc2HL2fcI.mp4", + "variation_id": 0, + "video_id": "34577" + }, + { + "bbox": [ + 709, + 72, + 1635, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Make%20aspect-iAySYwNEWoY.mp4", + "variation_id": 0, + "video_id": "34578" + }, + { + "bbox": [ + 548, + 63, + 1617, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Make%20opposite-niihcD0oYjQ.mp4", + "variation_id": 0, + "video_id": "34579" + }, + { + "bbox": [ + 716, + 69, + 1635, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Make-RGxUemQEoi0.mp4", + "variation_id": 0, + "video_id": "34580" + } + ] + }, + { + "gloss": "mean", + "instances": [ + { + "bbox": [ + 90, + 23, + 274, + 240 + ], + "fps": 25, + "frame_end": 3353, + "frame_start": 3253, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70217" + }, + { + "bbox": [ + 191, + 55, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/define.mp4", + "variation_id": 0, + "video_id": "35305" + }, + { + "bbox": [ + 402, + 58, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/mean.mp4", + "variation_id": 1, + "video_id": "35289" + }, + { + "bbox": [ + 638, + 64, + 1695, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mean!-Eigdeaxm2Do.mp4", + "variation_id": 1, + "video_id": "35291" + }, + { + "bbox": [ + 750, + 71, + 1728, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Meaning-B__IgGoSizs.mp4", + "variation_id": 0, + "video_id": "35292" + }, + { + "bbox": [ + 48, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714447.9631.mp4", + "variation_id": 0, + "video_id": "35293" + }, + { + "bbox": [ + 189, + 68, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546574475.3278.mp4", + "variation_id": 1, + "video_id": "35295" + }, + { + "bbox": [ + 114, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mean-cruel.mp4", + "variation_id": 1, + "video_id": "35296" + }, + { + "bbox": [ + 22, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mean-idea.mp4", + "variation_id": 0, + "video_id": "35297" + }, + { + "bbox": [ + 85, + 20, + 346, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/1u-ZZNdegH8", + "variation_id": 0, + "video_id": "67880" + }, + { + "bbox": [ + 103, + 10, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/J_2jBrdb0zo", + "variation_id": 1, + "video_id": "67881" + }, + { + "bbox": [ + 83, + 19, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22271.mp4", + "variation_id": 1, + "video_id": "35298" + }, + { + "bbox": [ + 48, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6175.mp4", + "variation_id": 0, + "video_id": "35299" + }, + { + "bbox": [ + 4, + 19, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mean.swf", + "variation_id": 0, + "video_id": "35301" + }, + { + "bbox": [ + 14, + 7, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/m/mean_trait.swf", + "variation_id": 1, + "video_id": "35302" + } + ] + }, + { + "gloss": "more", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2086, + "frame_start": 2040, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36826" + }, + { + "bbox": [ + 381, + 52, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/more.mp4", + "variation_id": 0, + "video_id": "69401" + }, + { + "bbox": [ + 118, + 25, + 276, + 240 + ], + "fps": 25, + "frame_end": 4036, + "frame_start": 3948, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70222" + }, + { + "bbox": [ + 151, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468716587.784.mp4", + "variation_id": 0, + "video_id": "36830" + }, + { + "bbox": [ + 56, + 1, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/more.mp4", + "variation_id": 0, + "video_id": "36832" + }, + { + "bbox": [ + 71, + 5, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5684.mp4", + "variation_id": 0, + "video_id": "36834" + }, + { + "bbox": [ + 100, + 13, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/eKLTlUZlE9w", + "variation_id": 0, + "video_id": "67906" + }, + { + "bbox": [ + 62, + 10, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8051.mp4", + "variation_id": 0, + "video_id": "36836" + }, + { + "bbox": [ + 140, + 40, + 401, + 341 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tPDGvZK_o_c", + "variation_id": 0, + "video_id": "36837" + }, + { + "bbox": [ + 246, + 0, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=tPDGvZK_o_c", + "variation_id": 0, + "video_id": "36838" + }, + { + "bbox": [ + 28, + 6, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/more.swf", + "variation_id": 0, + "video_id": "36839" + }, + { + "bbox": [ + 186, + 49, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/more.mp4", + "variation_id": 0, + "video_id": "36840" + }, + { + "bbox": [ + 96, + 29, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93968.mp4", + "variation_id": 0, + "video_id": "36827" + }, + { + "bbox": [ + 205, + 18, + 548, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/more.mp4", + "variation_id": 0, + "video_id": "36828" + }, + { + "bbox": [ + 358, + 14, + 814, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20More-J-00GUpKfFg.mp4", + "variation_id": 0, + "video_id": "36829" + } + ] + }, + { + "gloss": "most", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2186, + "frame_start": 2137, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36912" + }, + { + "bbox": [ + 110, + 9, + 543, + 360 + ], + "fps": 25, + "frame_end": 83, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=6b6U9bVotmA", + "variation_id": 0, + "video_id": "68268" + }, + { + "bbox": [ + 52, + 0, + 1097, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=naUdktabfPI", + "variation_id": 0, + "video_id": "68102" + }, + { + "bbox": [ + 136, + 21, + 490, + 480 + ], + "fps": 25, + "frame_end": 8518, + "frame_start": 8410, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70052" + }, + { + "bbox": [ + 98, + 19, + 430, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YjdGJdybxeY", + "variation_id": 0, + "video_id": "36920" + }, + { + "bbox": [ + 0, + 14, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/most.swf", + "variation_id": 0, + "video_id": "36921" + }, + { + "bbox": [ + 189, + 29, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MOST-1591.mp4", + "variation_id": 0, + "video_id": "66145" + }, + { + "bbox": [ + 172, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/most.mp4", + "variation_id": 0, + "video_id": "36922" + }, + { + "bbox": [ + 32, + 0, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457041.mp4", + "variation_id": 0, + "video_id": "36913" + }, + { + "bbox": [ + 421, + 58, + 835, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/most.mp4", + "variation_id": 0, + "video_id": "36914" + }, + { + "bbox": [ + 808, + 50, + 1746, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Most-XW-lvNPzsPQ.mp4", + "variation_id": 0, + "video_id": "36915" + }, + { + "bbox": [ + 125, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468716692.7347.mp4", + "variation_id": 0, + "video_id": "36916" + }, + { + "bbox": [ + 97, + 0, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/most.mp4", + "variation_id": 0, + "video_id": "36917" + }, + { + "bbox": [ + 70, + 10, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14204.mp4", + "variation_id": 0, + "video_id": "36918" + }, + { + "bbox": [ + 301, + 14, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nPntlOgjAxo", + "variation_id": 0, + "video_id": "36919" + } + ] + }, + { + "gloss": "music", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2727, + "frame_start": 2671, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37356" + }, + { + "bbox": [ + 103, + 0, + 1280, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=aMGGgSwzukg", + "variation_id": 0, + "video_id": "68105" + }, + { + "bbox": [ + 116, + 11, + 580, + 360 + ], + "fps": 25, + "frame_end": 107, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=XvQTstoTD_Q", + "variation_id": 0, + "video_id": "69044" + }, + { + "bbox": [ + 71, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9815.mp4", + "variation_id": 0, + "video_id": "37370" + }, + { + "bbox": [ + 288, + 40, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ln-bxWDR6Y8", + "variation_id": 0, + "video_id": "37371" + }, + { + "bbox": [ + 15, + 3, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/music.swf", + "variation_id": 0, + "video_id": "37372" + }, + { + "bbox": [ + 173, + 31, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MU/MUSIC-1584.mp4", + "variation_id": 0, + "video_id": "66156" + }, + { + "bbox": [ + 39, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48609.mp4", + "variation_id": 0, + "video_id": "37363" + }, + { + "bbox": [ + 104, + 0, + 450, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/KbV3lTNLgLg", + "variation_id": 0, + "video_id": "67917" + }, + { + "bbox": [ + 200, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/sing.mp4", + "variation_id": 0, + "video_id": "37373" + }, + { + "bbox": [ + 396, + 53, + 819, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/music.mp4", + "variation_id": 0, + "video_id": "37364" + }, + { + "bbox": [ + 477, + 47, + 1656, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Music%2C%20Sing-N2r3NCId7AE.mp4", + "variation_id": 0, + "video_id": "37365" + }, + { + "bbox": [ + 160, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717488.5224.mp4", + "variation_id": 0, + "video_id": "37367" + }, + { + "bbox": [ + 48, + 2, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/music.mp4", + "variation_id": 0, + "video_id": "37368" + }, + { + "bbox": [ + 80, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7756.mp4", + "variation_id": 0, + "video_id": "37369" + } + ] + }, + { + "gloss": "new", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 977, + "frame_start": 941, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38103" + }, + { + "bbox": [ + 377, + 41, + 879, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/new.mp4", + "variation_id": 0, + "video_id": "69407" + }, + { + "bbox": [ + 44, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/new2.mp4", + "variation_id": 0, + "video_id": "38128" + }, + { + "bbox": [ + 38, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/new.mp4", + "variation_id": 0, + "video_id": "38129" + }, + { + "bbox": [ + 52, + 11, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9561.mp4", + "variation_id": 0, + "video_id": "38130" + }, + { + "bbox": [ + 199, + 8, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=cftJMIT87TQ", + "variation_id": 0, + "video_id": "38131" + }, + { + "bbox": [ + 49, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48814.mp4", + "variation_id": 0, + "video_id": "38122" + }, + { + "bbox": [ + 100, + 12, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5_7lQGlcl_U", + "variation_id": 0, + "video_id": "67929" + }, + { + "bbox": [ + 14, + 18, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/new.swf", + "variation_id": 0, + "video_id": "38132" + }, + { + "bbox": [ + 198, + 59, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/new.mp4", + "variation_id": 0, + "video_id": "38133" + }, + { + "bbox": [ + 557, + 117, + 1588, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20New%202-WKrrU8zgbyg.mp4", + "variation_id": 0, + "video_id": "38123" + }, + { + "bbox": [ + 699, + 128, + 1575, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20New%2C%20Fresh-rnNRrzVVohg.mp4", + "variation_id": 0, + "video_id": "38124" + }, + { + "bbox": [ + 719, + 132, + 1594, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20New-4xM6zIJhnJ0.mp4", + "variation_id": 0, + "video_id": "38125" + }, + { + "bbox": [ + 557, + 72, + 1514, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20New-SgAqaWGs-2o.mp4", + "variation_id": 0, + "video_id": "38126" + }, + { + "bbox": [ + 133, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718701.4785.mp4", + "variation_id": 0, + "video_id": "38127" + } + ] + }, + { + "gloss": "none", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1437, + "frame_start": 1398, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38585" + }, + { + "bbox": [ + 539, + 86, + 1409, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/none.mp4", + "variation_id": 0, + "video_id": "69412" + }, + { + "bbox": [ + 92, + 16, + 558, + 357 + ], + "fps": 25, + "frame_end": 46, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=f-F3bZvG2ns", + "variation_id": 0, + "video_id": "68452" + }, + { + "bbox": [ + 347, + 31, + 926, + 720 + ], + "fps": 25, + "frame_end": 46, + "frame_start": 1, + "instance_id": 3, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=Ts1nVYDa_S8", + "variation_id": 0, + "video_id": "68920" + }, + { + "bbox": [ + 307, + 30, + 1038, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=zJHMuqY5wnY", + "variation_id": 0, + "video_id": "68111" + }, + { + "bbox": [ + 4, + 9, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/none.swf", + "variation_id": 0, + "video_id": "38593" + }, + { + "bbox": [ + 237, + 40, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/no2.mp4", + "variation_id": 0, + "video_id": "38594" + }, + { + "bbox": [ + 131, + 0, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 107, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NO/NONE-513.mp4", + "variation_id": 0, + "video_id": "66186" + }, + { + "bbox": [ + 6, + 5, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/245920.mp4", + "variation_id": 0, + "video_id": "38586" + }, + { + "bbox": [ + 198, + 16, + 556, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/none.mp4", + "variation_id": 0, + "video_id": "38587" + }, + { + "bbox": [ + 124, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468719394.851.mp4", + "variation_id": 0, + "video_id": "38588" + }, + { + "bbox": [ + 59, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/n/none.mp4", + "variation_id": 0, + "video_id": "38589" + }, + { + "bbox": [ + 58, + 12, + 247, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7811.mp4", + "variation_id": 0, + "video_id": "38590" + }, + { + "bbox": [ + 255, + 80, + 1025, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=kuHL9xD-NgY", + "variation_id": 0, + "video_id": "38591" + }, + { + "bbox": [ + 316, + 2, + 1071, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yOq40lDCkcM", + "variation_id": 0, + "video_id": "38592" + } + ] + }, + { + "gloss": "office", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 527, + "frame_start": 478, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39454" + }, + { + "bbox": [ + 382, + 20, + 1003, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=QaDFIVUzgHA", + "variation_id": 1, + "video_id": "68826" + }, + { + "bbox": [ + 95, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721107.3632.mp4", + "variation_id": 0, + "video_id": "39460" + }, + { + "bbox": [ + 35, + 6, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/office.mp4", + "variation_id": 0, + "video_id": "39461" + }, + { + "bbox": [ + 71, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24017.mp4", + "variation_id": 0, + "video_id": "39462" + }, + { + "bbox": [ + 75, + 16, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24018.mp4", + "variation_id": 1, + "video_id": "39463" + }, + { + "bbox": [ + 347, + 47, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=U9VrfCdyVGw", + "variation_id": 0, + "video_id": "39465" + }, + { + "bbox": [ + 177, + 29, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OF/OFFICE-1549.mp4", + "variation_id": 0, + "video_id": "66224" + }, + { + "bbox": [ + 53, + 1, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63553.mp4", + "variation_id": 1, + "video_id": "39456" + }, + { + "bbox": [ + 110, + 0, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/MbOXIeK-SPo", + "variation_id": 0, + "video_id": "67943" + }, + { + "bbox": [ + 0, + 8, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/office.swf", + "variation_id": 1, + "video_id": "39467" + }, + { + "bbox": [ + 206, + 57, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/office.mp4", + "variation_id": 1, + "video_id": "39468" + }, + { + "bbox": [ + 129, + 15, + 584, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/office.mp4", + "variation_id": 0, + "video_id": "39457" + }, + { + "bbox": [ + 447, + 52, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Office%20opposite-mKds_4EoIUI.mp4", + "variation_id": 1, + "video_id": "39458" + }, + { + "bbox": [ + 285, + 28, + 1125, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Office.mp4", + "variation_id": 0, + "video_id": "39459" + } + ] + }, + { + "gloss": "order", + "instances": [ + { + "bbox": [ + 88, + 30, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OR/ORDER_1-1020.mp4", + "variation_id": 0, + "video_id": "66248" + }, + { + "bbox": [ + 145, + 19, + 505, + 480 + ], + "fps": 25, + "frame_end": 5667, + "frame_start": 5548, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 1, + "video_id": "70172" + }, + { + "bbox": [ + 184, + 33, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/arrange.mp4", + "variation_id": 0, + "video_id": "40183" + }, + { + "bbox": [ + 180, + 62, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/command.mp4", + "variation_id": 1, + "video_id": "40184" + }, + { + "bbox": [ + 81, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722551.8765.mp4", + "variation_id": 0, + "video_id": "40171" + }, + { + "bbox": [ + 143, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722573.1848.mp4", + "variation_id": 1, + "video_id": "40172" + }, + { + "bbox": [ + 93, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/order.mp4", + "variation_id": 1, + "video_id": "40174" + }, + { + "bbox": [ + 63, + 0, + 559, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/order-organize.mp4", + "variation_id": 0, + "video_id": "40175" + }, + { + "bbox": [ + 60, + 8, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14253.mp4", + "variation_id": 1, + "video_id": "40177" + }, + { + "bbox": [ + 51, + 8, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14680.mp4", + "variation_id": 0, + "video_id": "40178" + }, + { + "bbox": [ + 143, + 2, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 107, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OR/ORDER_2-805.mp4", + "variation_id": 1, + "video_id": "66249" + }, + { + "bbox": [ + 46, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457187.mp4", + "variation_id": 1, + "video_id": "40169" + }, + { + "bbox": [ + 94, + 28, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5EnWNCgPK6k", + "variation_id": 0, + "video_id": "67950" + }, + { + "bbox": [ + 100, + 27, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Ol0t4VFTLbk", + "variation_id": 1, + "video_id": "67951" + }, + { + "bbox": [ + 53, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14688.mp4", + "variation_id": 0, + "video_id": "40179" + } + ] + }, + { + "gloss": "pants", + "instances": [ + { + "bbox": [ + 143, + 7, + 516, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PANTS-871.mp4", + "variation_id": 0, + "video_id": "66261" + }, + { + "bbox": [ + 196, + 0, + 633, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=8S_A5xUi4tY", + "variation_id": 0, + "video_id": "68126" + }, + { + "bbox": [ + 87, + 9, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6347.mp4", + "variation_id": 0, + "video_id": "40991" + }, + { + "bbox": [ + 68, + 21, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6350.mp4", + "variation_id": 1, + "video_id": "40992" + }, + { + "bbox": [ + 344, + 40, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jB8Rgy2uVtU", + "variation_id": 0, + "video_id": "40993" + }, + { + "bbox": [ + 303, + 86, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=of2z2YjJ2-k", + "variation_id": 1, + "video_id": "40994" + }, + { + "bbox": [ + 384, + 56, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pants.mp4", + "variation_id": 1, + "video_id": "40985" + }, + { + "bbox": [ + 106, + 16, + 416, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/91SCmVAkLh4", + "variation_id": 1, + "video_id": "67959" + }, + { + "bbox": [ + 13, + 6, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pants.swf", + "variation_id": 0, + "video_id": "40995" + }, + { + "bbox": [ + 209, + 48, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/jeans.mp4", + "variation_id": 1, + "video_id": "40996" + }, + { + "bbox": [ + 748, + 49, + 1604, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pants%202-GG4Pexh2M70.mp4", + "variation_id": 0, + "video_id": "40986" + }, + { + "bbox": [ + 773, + 57, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pants-hiYuxvoKVxE.mp4", + "variation_id": 1, + "video_id": "40987" + }, + { + "bbox": [ + 90, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468723514.3164.mp4", + "variation_id": 1, + "video_id": "40988" + }, + { + "bbox": [ + 30, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pants.mp4", + "variation_id": 1, + "video_id": "40989" + }, + { + "bbox": [ + 165, + 0, + 1097, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pants-usa.mp4", + "variation_id": 0, + "video_id": "40990" + } + ] + }, + { + "gloss": "party", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 679, + "frame_start": 627, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41306" + }, + { + "bbox": [ + 388, + 43, + 1899, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Party-OZ1Ap6C6tVk.mp4", + "variation_id": 0, + "video_id": "41315" + }, + { + "bbox": [ + 240, + 10, + 626, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 52, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Play-TvZ8pfNOX2U.mp4", + "variation_id": 1, + "video_id": "41316" + }, + { + "bbox": [ + 124, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724131.6734.mp4", + "variation_id": 1, + "video_id": "41317" + }, + { + "bbox": [ + 65, + 9, + 514, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/party2.mp4", + "variation_id": 0, + "video_id": "41318" + }, + { + "bbox": [ + 73, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/party.mp4", + "variation_id": 1, + "video_id": "41320" + }, + { + "bbox": [ + 159, + 10, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PARTY-874.mp4", + "variation_id": 0, + "video_id": "66265" + }, + { + "bbox": [ + 160, + 11, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PARTY-875.mp4", + "variation_id": 1, + "video_id": "66266" + }, + { + "bbox": [ + 68, + 2, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457609.mp4", + "variation_id": 1, + "video_id": "41311" + }, + { + "bbox": [ + 51, + 12, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6693.mp4", + "variation_id": 1, + "video_id": "41321" + }, + { + "bbox": [ + 46, + 11, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6694.mp4", + "variation_id": 0, + "video_id": "41322" + }, + { + "bbox": [ + 171, + 6, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=FGiQuEgK2s0", + "variation_id": 0, + "video_id": "41323" + }, + { + "bbox": [ + 0, + 6, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/party.swf", + "variation_id": 0, + "video_id": "41324" + }, + { + "bbox": [ + 173, + 38, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/party.mp4", + "variation_id": 0, + "video_id": "41325" + }, + { + "bbox": [ + 216, + 16, + 533, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/party.mp4", + "variation_id": 0, + "video_id": "41312" + } + ] + }, + { + "gloss": "past", + "instances": [ + { + "bbox": [ + 375, + 36, + 927, + 719 + ], + "fps": 25, + "frame_end": 29, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=cJOyCgIKyeA", + "variation_id": 0, + "video_id": "68380" + }, + { + "bbox": [ + 115, + 27, + 484, + 480 + ], + "fps": 25, + "frame_end": 7206, + "frame_start": 7081, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70151" + }, + { + "bbox": [ + 65, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5971.mp4", + "variation_id": 0, + "video_id": "41452" + }, + { + "bbox": [ + 67, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6164.mp4", + "variation_id": 0, + "video_id": "41453" + }, + { + "bbox": [ + 43, + 3, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9194.mp4", + "variation_id": 0, + "video_id": "41454" + }, + { + "bbox": [ + 306, + 15, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=j7rjBay5FIE", + "variation_id": 0, + "video_id": "41455" + }, + { + "bbox": [ + 57, + 9, + 249, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/past.mov", + "variation_id": 0, + "video_id": "41446" + }, + { + "bbox": [ + 104, + 25, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0vVP7dDToDQ", + "variation_id": 0, + "video_id": "67965" + }, + { + "bbox": [ + 353, + 45, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=L2x7sOguFg0", + "variation_id": 0, + "video_id": "41456" + }, + { + "bbox": [ + 196, + 38, + 478, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/past.mp4", + "variation_id": 0, + "video_id": "41457" + }, + { + "bbox": [ + 53, + 8, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/157905.mp4", + "variation_id": 0, + "video_id": "41447" + }, + { + "bbox": [ + 570, + 98, + 1535, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Last-0SLfkAHELAs.mp4", + "variation_id": 0, + "video_id": "41448" + }, + { + "bbox": [ + 103, + 25, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681314.2550.mp4", + "variation_id": 0, + "video_id": "41449" + }, + { + "bbox": [ + 110, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724279.1587.mp4", + "variation_id": 0, + "video_id": "41450" + }, + { + "bbox": [ + 11, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/past.mp4", + "variation_id": 0, + "video_id": "41451" + } + ] + }, + { + "gloss": "pencil", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1213, + "frame_start": 1154, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41819" + }, + { + "bbox": [ + 107, + 24, + 279, + 240 + ], + "fps": 25, + "frame_end": 1961, + "frame_start": 1853, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70210" + }, + { + "bbox": [ + 139, + 37, + 391, + 360 + ], + "fps": 25, + "frame_end": 4010, + "frame_start": 3896, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70267" + }, + { + "bbox": [ + 375, + 43, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=LjktDSbRaVM", + "variation_id": 0, + "video_id": "41828" + }, + { + "bbox": [ + 379, + 39, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=urbpSEi0u-0", + "variation_id": 0, + "video_id": "41829" + }, + { + "bbox": [ + 8, + 1, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pencil_colored.swf", + "variation_id": 0, + "video_id": "41830" + }, + { + "bbox": [ + 5, + 2, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pencil_red.swf", + "variation_id": 0, + "video_id": "41831" + }, + { + "bbox": [ + 39, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457714.mp4", + "variation_id": 0, + "video_id": "41822" + }, + { + "bbox": [ + 111, + 18, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/fKcIo2NHs14", + "variation_id": 0, + "video_id": "67971" + }, + { + "bbox": [ + 19, + 6, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/pencil.swf", + "variation_id": 0, + "video_id": "41832" + }, + { + "bbox": [ + 168, + 55, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/pencil.mp4", + "variation_id": 0, + "video_id": "41833" + }, + { + "bbox": [ + 112, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468724738.1474.mp4", + "variation_id": 0, + "video_id": "41823" + }, + { + "bbox": [ + 133, + 31, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768045.488.mp4", + "variation_id": 0, + "video_id": "41824" + }, + { + "bbox": [ + 49, + 18, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pencil.mp4", + "variation_id": 0, + "video_id": "41825" + }, + { + "bbox": [ + 68, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8972.mp4", + "variation_id": 0, + "video_id": "41826" + } + ] + }, + { + "gloss": "plan", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2819, + "frame_start": 2787, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43037" + }, + { + "bbox": [ + 66, + 22, + 616, + 480 + ], + "fps": 25, + "frame_end": 6641, + "frame_start": 6518, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70177" + }, + { + "bbox": [ + 48, + 9, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14686.mp4", + "variation_id": 0, + "video_id": "43062" + }, + { + "bbox": [ + 151, + 16, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=pvDfBvY2-Sc", + "variation_id": 0, + "video_id": "43063" + }, + { + "bbox": [ + 309, + 30, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uOwG3ZEN-IE", + "variation_id": 0, + "video_id": "43064" + }, + { + "bbox": [ + 331, + 22, + 1102, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yndCPGXCqwU", + "variation_id": 0, + "video_id": "43065" + }, + { + "bbox": [ + 115, + 7, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PL/PLAN-905.mp4", + "variation_id": 0, + "video_id": "66298" + }, + { + "bbox": [ + 38, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49197.mp4", + "variation_id": 0, + "video_id": "43056" + }, + { + "bbox": [ + 2, + 20, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/plan.swf", + "variation_id": 0, + "video_id": "43066" + }, + { + "bbox": [ + 184, + 33, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/arrange.mp4", + "variation_id": 0, + "video_id": "43067" + }, + { + "bbox": [ + 419, + 42, + 1661, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Plan-8OhwY0hO-_I.mp4", + "variation_id": 0, + "video_id": "43057" + }, + { + "bbox": [ + 126, + 0, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468726461.868.mp4", + "variation_id": 0, + "video_id": "43058" + }, + { + "bbox": [ + 40, + 0, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/plan2.mp4", + "variation_id": 0, + "video_id": "43059" + }, + { + "bbox": [ + 54, + 10, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/plan.mp4", + "variation_id": 0, + "video_id": "43060" + }, + { + "bbox": [ + 55, + 10, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14678.mp4", + "variation_id": 0, + "video_id": "43061" + } + ] + }, + { + "gloss": "please", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3009, + "frame_start": 2950, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43213" + }, + { + "bbox": [ + 335, + 46, + 904, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/please.mp4", + "variation_id": 0, + "video_id": "69434" + }, + { + "bbox": [ + 100, + 25, + 278, + 240 + ], + "fps": 25, + "frame_end": 3698, + "frame_start": 3666, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70220" + }, + { + "bbox": [ + 267, + 13, + 928, + 720 + ], + "fps": 25, + "frame_end": 72, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=LTVv46_N764", + "variation_id": 0, + "video_id": "68670" + }, + { + "bbox": [ + 0, + 8, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/please.swf", + "variation_id": 0, + "video_id": "43225" + }, + { + "bbox": [ + 171, + 50, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/please.mp4", + "variation_id": 0, + "video_id": "43226" + }, + { + "bbox": [ + 212, + 15, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/please.mp4", + "variation_id": 0, + "video_id": "43217" + }, + { + "bbox": [ + 91, + 15, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RHeFBNVYii4", + "variation_id": 0, + "video_id": "67083" + }, + { + "bbox": [ + 643, + 11, + 1710, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Please-eyu0V3s1-XA.mp4", + "variation_id": 0, + "video_id": "43218" + }, + { + "bbox": [ + 118, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468754067.6864.mp4", + "variation_id": 0, + "video_id": "43219" + }, + { + "bbox": [ + 108, + 33, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522767174.1064.mp4", + "variation_id": 0, + "video_id": "43220" + }, + { + "bbox": [ + 25, + 7, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/please.mp4", + "variation_id": 0, + "video_id": "43221" + }, + { + "bbox": [ + 68, + 13, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6966.mp4", + "variation_id": 0, + "video_id": "43222" + }, + { + "bbox": [ + 308, + 71, + 861, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=QyqHzUY36cw", + "variation_id": 0, + "video_id": "43223" + }, + { + "bbox": [ + 284, + 26, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rnb9FxPO7is", + "variation_id": 0, + "video_id": "43224" + } + ] + }, + { + "gloss": "practice", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4080, + "frame_start": 4024, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44080" + }, + { + "bbox": [ + 238, + 30, + 975, + 720 + ], + "fps": 25, + "frame_end": 125, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=MphRuIWLyxA", + "variation_id": 0, + "video_id": "68706" + }, + { + "bbox": [ + 314, + 22, + 949, + 720 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=nkJSsM-_EEg", + "variation_id": 0, + "video_id": "68738" + }, + { + "bbox": [ + 62, + 18, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8953.mp4", + "variation_id": 0, + "video_id": "44087" + }, + { + "bbox": [ + 71, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9822.mp4", + "variation_id": 0, + "video_id": "44088" + }, + { + "bbox": [ + 257, + 30, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kjl2RGCNX3k", + "variation_id": 0, + "video_id": "44089" + }, + { + "bbox": [ + 165, + 26, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRACTICE-839.mp4", + "variation_id": 0, + "video_id": "66320" + }, + { + "bbox": [ + 9, + 3, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/practice.swf", + "variation_id": 0, + "video_id": "44090" + }, + { + "bbox": [ + 189, + 56, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/practice.mp4", + "variation_id": 0, + "video_id": "44091" + }, + { + "bbox": [ + 275, + 53, + 1711, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Practice-R0c75LRKKQ8.mp4", + "variation_id": 0, + "video_id": "44081" + }, + { + "bbox": [ + 109, + 3, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468755145.5671.mp4", + "variation_id": 0, + "video_id": "44082" + }, + { + "bbox": [ + 147, + 33, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1522769215.9095.mp4", + "variation_id": 0, + "video_id": "44083" + }, + { + "bbox": [ + 130, + 6, + 495, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/practice.mp4", + "variation_id": 0, + "video_id": "44084" + }, + { + "bbox": [ + 59, + 24, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23172.mp4", + "variation_id": 0, + "video_id": "44085" + }, + { + "bbox": [ + 59, + 24, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23173.mp4", + "variation_id": 0, + "video_id": "44086" + } + ] + }, + { + "gloss": "president", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4963, + "frame_start": 4887, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44364" + }, + { + "bbox": [ + 0, + 15, + 310, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/president.mp4", + "variation_id": 0, + "video_id": "44372" + }, + { + "bbox": [ + 42, + 14, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22288.mp4", + "variation_id": 0, + "video_id": "44373" + }, + { + "bbox": [ + 44, + 13, + 245, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22289.mp4", + "variation_id": 0, + "video_id": "44374" + }, + { + "bbox": [ + 257, + 30, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fuFTBiGGlD8", + "variation_id": 0, + "video_id": "44375" + }, + { + "bbox": [ + 243, + 19, + 1056, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XuNvPyMBB4M", + "variation_id": 0, + "video_id": "44376" + }, + { + "bbox": [ + 184, + 1, + 556, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRESIDENT-926.mp4", + "variation_id": 0, + "video_id": "66326" + }, + { + "bbox": [ + 38, + 2, + 295, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/president.mov", + "variation_id": 0, + "video_id": "44367" + }, + { + "bbox": [ + 63, + 11, + 418, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/W9DXGEIITLE", + "variation_id": 0, + "video_id": "67097" + }, + { + "bbox": [ + 1, + 13, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/president.swf", + "variation_id": 0, + "video_id": "44377" + }, + { + "bbox": [ + 178, + 53, + 587, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/president.mp4", + "variation_id": 0, + "video_id": "44378" + }, + { + "bbox": [ + 16, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/485649.mp4", + "variation_id": 0, + "video_id": "44368" + }, + { + "bbox": [ + 296, + 54, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/president.mp4", + "variation_id": 0, + "video_id": "44369" + }, + { + "bbox": [ + 510, + 45, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20President-IKq3CCMS0YI.mp4", + "variation_id": 0, + "video_id": "44370" + }, + { + "bbox": [ + 87, + 0, + 624, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755502.8846.mp4", + "variation_id": 0, + "video_id": "44371" + } + ] + }, + { + "gloss": "restaurant", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2824, + "frame_start": 2758, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47655" + }, + { + "bbox": [ + 178, + 19, + 506, + 480 + ], + "fps": 25, + "frame_end": 5339, + "frame_start": 5221, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70170" + }, + { + "bbox": [ + 232, + 23, + 979, + 720 + ], + "fps": 25, + "frame_end": 80, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=WjAntLANPAE", + "variation_id": 0, + "video_id": "68996" + }, + { + "bbox": [ + 92, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22673.mp4", + "variation_id": 0, + "video_id": "47661" + }, + { + "bbox": [ + 372, + 35, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Mr8Op72wR4", + "variation_id": 0, + "video_id": "47663" + }, + { + "bbox": [ + 381, + 15, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oH72yDS3Lok", + "variation_id": 0, + "video_id": "47664" + }, + { + "bbox": [ + 127, + 31, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RESTAURANT-969.mp4", + "variation_id": 0, + "video_id": "66398" + }, + { + "bbox": [ + 94, + 20, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ga1SpOcX4_4", + "variation_id": 0, + "video_id": "67139" + }, + { + "bbox": [ + 23, + 7, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/restaurant.swf", + "variation_id": 0, + "video_id": "47665" + }, + { + "bbox": [ + 228, + 42, + 474, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/restaurant.mp4", + "variation_id": 0, + "video_id": "47666" + }, + { + "bbox": [ + 55, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50756.mp4", + "variation_id": 0, + "video_id": "47656" + }, + { + "bbox": [ + 222, + 16, + 521, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/restaurant.mp4", + "variation_id": 0, + "video_id": "47657" + }, + { + "bbox": [ + 823, + 131, + 1464, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Restaurant%202-uv8d_492XI0.mp4", + "variation_id": 0, + "video_id": "47658" + }, + { + "bbox": [ + 173, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760497.4726.mp4", + "variation_id": 0, + "video_id": "47659" + }, + { + "bbox": [ + 130, + 0, + 481, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/restaurant.mp4", + "variation_id": 0, + "video_id": "47660" + } + ] + }, + { + "gloss": "ride", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3300, + "frame_start": 3231, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48038" + }, + { + "bbox": [ + 328, + 15, + 911, + 720 + ], + "fps": 25, + "frame_end": 82, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=t2a5dcHmTBk", + "variation_id": 0, + "video_id": "68898" + }, + { + "bbox": [ + 77, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/ride-vehicle2.mp4", + "variation_id": 0, + "video_id": "48047" + }, + { + "bbox": [ + 75, + 7, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/ride-vehicle.mp4", + "variation_id": 0, + "video_id": "48049" + }, + { + "bbox": [ + 80, + 15, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23884.mp4", + "variation_id": 0, + "video_id": "48050" + }, + { + "bbox": [ + 64, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24005.mp4", + "variation_id": 0, + "video_id": "48051" + }, + { + "bbox": [ + 114, + 26, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RI/RIDE-974.mp4", + "variation_id": 0, + "video_id": "66405" + }, + { + "bbox": [ + 581, + 134, + 1488, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ride-a35RcUi-rxk.mp4", + "variation_id": 0, + "video_id": "48042" + }, + { + "bbox": [ + 352, + 48, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kg8MJwFhiiw", + "variation_id": 0, + "video_id": "48052" + }, + { + "bbox": [ + 7, + 14, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/ride.swf", + "variation_id": 0, + "video_id": "48053" + }, + { + "bbox": [ + 190, + 50, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/ride2.mp4", + "variation_id": 0, + "video_id": "48054" + }, + { + "bbox": [ + 190, + 51, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/ride.mp4", + "variation_id": 0, + "video_id": "48055" + }, + { + "bbox": [ + 474, + 58, + 1495, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ride-huEE3RXyL-0.mp4", + "variation_id": 0, + "video_id": "48043" + }, + { + "bbox": [ + 149, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760986.966.mp4", + "variation_id": 0, + "video_id": "48044" + }, + { + "bbox": [ + 138, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/ride-animal.mp4", + "variation_id": 0, + "video_id": "48045" + } + ] + }, + { + "gloss": "russia", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4366, + "frame_start": 4300, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48898" + }, + { + "bbox": [ + 500, + 101, + 1414, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Russia%202-74OAafnvKs0.mp4", + "variation_id": 0, + "video_id": "48901" + }, + { + "bbox": [ + 631, + 97, + 1428, + 1064 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Russia%203-6S4H3Nl14Dw.mp4", + "variation_id": 0, + "video_id": "48902" + }, + { + "bbox": [ + 617, + 38, + 1616, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Russia-xJKc-LqcgFA.mp4", + "variation_id": 1, + "video_id": "48903" + }, + { + "bbox": [ + 87, + 24, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1512918340.9089.mp4", + "variation_id": 0, + "video_id": "48904" + }, + { + "bbox": [ + 35, + 13, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/r/russia.mp4", + "variation_id": 1, + "video_id": "48905" + }, + { + "bbox": [ + 67, + 13, + 254, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7790.mp4", + "variation_id": 1, + "video_id": "48907" + }, + { + "bbox": [ + 90, + 15, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Qk47GZjGbZY", + "variation_id": 0, + "video_id": "67154" + }, + { + "bbox": [ + 70, + 14, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7791.mp4", + "variation_id": 0, + "video_id": "48908" + }, + { + "bbox": [ + 299, + 44, + 1036, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-4OKviVsO7s", + "variation_id": 1, + "video_id": "48909" + }, + { + "bbox": [ + 294, + 22, + 1013, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GCAlZ4gijEc", + "variation_id": 1, + "video_id": "48910" + }, + { + "bbox": [ + 324, + 48, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YSAX7AP-JW4", + "variation_id": 0, + "video_id": "48911" + }, + { + "bbox": [ + 0, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/russia.swf", + "variation_id": 0, + "video_id": "48912" + }, + { + "bbox": [ + 148, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/russia.mp4", + "variation_id": 0, + "video_id": "48913" + }, + { + "bbox": [ + 65, + 0, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455370.mp4", + "variation_id": 0, + "video_id": "48899" + } + ] + }, + { + "gloss": "salt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 276, + "frame_start": 224, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49127" + }, + { + "bbox": [ + 307, + 30, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/salt.mp4", + "variation_id": 0, + "video_id": "69451" + }, + { + "bbox": [ + 65, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9688.mp4", + "variation_id": 0, + "video_id": "49134" + }, + { + "bbox": [ + 290, + 70, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=gk2fVViSW3Y", + "variation_id": 0, + "video_id": "49136" + }, + { + "bbox": [ + 263, + 47, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=H8Z6yk1hT7w", + "variation_id": 0, + "video_id": "49137" + }, + { + "bbox": [ + 259, + 42, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ln3uCrAlHK8", + "variation_id": 0, + "video_id": "49138" + }, + { + "bbox": [ + 226, + 26, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SA/SALT-2012.mp4", + "variation_id": 0, + "video_id": "66422" + }, + { + "bbox": [ + 37, + 2, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457619.mp4", + "variation_id": 0, + "video_id": "49129" + }, + { + "bbox": [ + 94, + 5, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XUlDh-wKIEM", + "variation_id": 0, + "video_id": "67157" + }, + { + "bbox": [ + 16, + 20, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/salt.swf", + "variation_id": 0, + "video_id": "49139" + }, + { + "bbox": [ + 200, + 48, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/salt.mp4", + "variation_id": 0, + "video_id": "49140" + }, + { + "bbox": [ + 419, + 56, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/salt.mp4", + "variation_id": 0, + "video_id": "49130" + }, + { + "bbox": [ + 353, + 22, + 801, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Salt-n9HhHHFm8A0.mp4", + "variation_id": 0, + "video_id": "49131" + }, + { + "bbox": [ + 70, + 0, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762614.6611.mp4", + "variation_id": 0, + "video_id": "49132" + }, + { + "bbox": [ + 45, + 6, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/salt.mp4", + "variation_id": 0, + "video_id": "49133" + } + ] + }, + { + "gloss": "sandwich", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 406, + "frame_start": 327, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49244" + }, + { + "bbox": [ + 88, + 5, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sandwich.mp4", + "variation_id": 0, + "video_id": "49249" + }, + { + "bbox": [ + 53, + 8, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14116.mp4", + "variation_id": 0, + "video_id": "49250" + }, + { + "bbox": [ + 101, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7885.mp4", + "variation_id": 0, + "video_id": "49251" + }, + { + "bbox": [ + 88, + 18, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9082.mp4", + "variation_id": 0, + "video_id": "49252" + }, + { + "bbox": [ + 357, + 8, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gjrBJVFTFDA", + "variation_id": 0, + "video_id": "49253" + }, + { + "bbox": [ + 167, + 31, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SA/SANDWICH-993.mp4", + "variation_id": 0, + "video_id": "66423" + }, + { + "bbox": [ + 163, + 30, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SA/SANDWICH-994.mp4", + "variation_id": 0, + "video_id": "66424" + }, + { + "bbox": [ + 133, + 19, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7lsya6lXi5Q", + "variation_id": 0, + "video_id": "67162" + }, + { + "bbox": [ + 20, + 15, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/sandwich.swf", + "variation_id": 0, + "video_id": "49254" + }, + { + "bbox": [ + 194, + 46, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/sandwich.mp4", + "variation_id": 0, + "video_id": "49255" + }, + { + "bbox": [ + 47, + 1, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/485651.mp4", + "variation_id": 0, + "video_id": "49245" + }, + { + "bbox": [ + 234, + 17, + 534, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sandwich.mp4", + "variation_id": 0, + "video_id": "49246" + }, + { + "bbox": [ + 436, + 61, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sandwich.mp4", + "variation_id": 0, + "video_id": "49247" + }, + { + "bbox": [ + 146, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762862.7837.mp4", + "variation_id": 0, + "video_id": "49248" + } + ] + }, + { + "gloss": "sign", + "instances": [ + { + "bbox": [ + 183, + 43, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 108, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SIGN-256.mp4", + "variation_id": 0, + "video_id": "66478" + }, + { + "bbox": [ + 55, + 34, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1532963329.1684.mp4", + "variation_id": 0, + "video_id": "51621" + }, + { + "bbox": [ + 285, + 4, + 1029, + 720 + ], + "fps": 25, + "frame_end": 63, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=6XHu1uXQmS0", + "variation_id": 0, + "video_id": "68284" + }, + { + "bbox": [ + 69, + 0, + 597, + 360 + ], + "fps": 25, + "frame_end": 123, + "frame_start": 1, + "instance_id": 4, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=FyOFR1H6QoM", + "variation_id": 0, + "video_id": "68466" + }, + { + "bbox": [ + 92, + 24, + 301, + 240 + ], + "fps": 25, + "frame_end": 1658, + "frame_start": 1545, + "instance_id": 5, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70209" + }, + { + "bbox": [ + 107, + 0, + 1228, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=tl_1gdc166A", + "variation_id": 0, + "video_id": "68154" + }, + { + "bbox": [ + 584, + 77, + 1870, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sign%20copy-lE1xAUCA2RI.mp4", + "variation_id": 0, + "video_id": "51616" + }, + { + "bbox": [ + 543, + 47, + 1544, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sign-2d0l-Je3QP4.mp4", + "variation_id": 0, + "video_id": "51617" + }, + { + "bbox": [ + 69, + 25, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22309.mp4", + "variation_id": 0, + "video_id": "51628" + }, + { + "bbox": [ + 40, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/437018.mp4", + "variation_id": 0, + "video_id": "51614" + }, + { + "bbox": [ + 261, + 40, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=7AAnD4DyOnE", + "variation_id": 0, + "video_id": "51630" + }, + { + "bbox": [ + 265, + 42, + 1025, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 22, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=TRLHLtgHyzo", + "variation_id": 0, + "video_id": "51633" + }, + { + "bbox": [ + 194, + 52, + 582, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 26, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sign.mp4", + "variation_id": 0, + "video_id": "51637" + }, + { + "bbox": [ + 204, + 13, + 599, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 27, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sign.mp4", + "variation_id": 0, + "video_id": "51615" + }, + { + "bbox": [ + 55, + 34, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 28, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1532963329.1684.mp4", + "variation_id": 0, + "video_id": "51622" + } + ] + }, + { + "gloss": "since", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4310, + "frame_start": 4278, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51772" + }, + { + "bbox": [ + 346, + 37, + 935, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/since.mp4", + "variation_id": 0, + "video_id": "69472" + }, + { + "bbox": [ + 190, + 50, + 422, + 360 + ], + "fps": 25, + "frame_end": 5936, + "frame_start": 5829, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70351" + }, + { + "bbox": [ + 204, + 31, + 1042, + 720 + ], + "fps": 25, + "frame_end": 73, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=ig7b4o7eqeU", + "variation_id": 0, + "video_id": "68548" + }, + { + "bbox": [ + 167, + 16, + 496, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tHr_Es_dL9s", + "variation_id": 0, + "video_id": "51779" + }, + { + "bbox": [ + 4, + 17, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/since.swf", + "variation_id": 0, + "video_id": "51780" + }, + { + "bbox": [ + 209, + 54, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/since.mp4", + "variation_id": 0, + "video_id": "51781" + }, + { + "bbox": [ + 176, + 43, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SINCE-1066.mp4", + "variation_id": 0, + "video_id": "66482" + }, + { + "bbox": [ + 165, + 44, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SINCE-1067.mp4", + "variation_id": 0, + "video_id": "66483" + }, + { + "bbox": [ + 76, + 19, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/AXoaCnt3gH8", + "variation_id": 0, + "video_id": "67204" + }, + { + "bbox": [ + 72, + 2, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116876.mp4", + "variation_id": 0, + "video_id": "51773" + }, + { + "bbox": [ + 549, + 16, + 1571, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Since-cjBD1unWQJs.mp4", + "variation_id": 0, + "video_id": "51774" + }, + { + "bbox": [ + 104, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767249.6700.mp4", + "variation_id": 0, + "video_id": "51775" + }, + { + "bbox": [ + 83, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/since.mp4", + "variation_id": 0, + "video_id": "51776" + }, + { + "bbox": [ + 67, + 13, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6309.mp4", + "variation_id": 0, + "video_id": "51778" + } + ] + }, + { + "gloss": "small", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5465, + "frame_start": 5439, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52550" + }, + { + "bbox": [ + 423, + 53, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/small.mp4", + "variation_id": 0, + "video_id": "52552" + }, + { + "bbox": [ + 735, + 79, + 1622, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Small-kzdYceSAd8Q.mp4", + "variation_id": 0, + "video_id": "52554" + }, + { + "bbox": [ + 654, + 133, + 1551, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Small-XyMBqE2og8k.mp4", + "variation_id": 0, + "video_id": "52555" + }, + { + "bbox": [ + 464, + 48, + 1098, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Small%202.mp4", + "variation_id": 0, + "video_id": "52556" + }, + { + "bbox": [ + 152, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767996.7049.mp4", + "variation_id": 0, + "video_id": "52557" + }, + { + "bbox": [ + 60, + 12, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/small.mp4", + "variation_id": 0, + "video_id": "52558" + }, + { + "bbox": [ + 157, + 0, + 547, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/small-so.mp4", + "variation_id": 0, + "video_id": "52559" + }, + { + "bbox": [ + 88, + 18, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/VylICq68Dw0", + "variation_id": 0, + "video_id": "67214" + }, + { + "bbox": [ + 64, + 13, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9559.mp4", + "variation_id": 0, + "video_id": "52560" + }, + { + "bbox": [ + 329, + 37, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=EppPfgPx5rI", + "variation_id": 0, + "video_id": "52562" + }, + { + "bbox": [ + 170, + 14, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=RKnUlZ8bOzs", + "variation_id": 0, + "video_id": "52564" + }, + { + "bbox": [ + 28, + 5, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/small.swf", + "variation_id": 0, + "video_id": "52565" + }, + { + "bbox": [ + 249, + 39, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/small.mp4", + "variation_id": 0, + "video_id": "52566" + }, + { + "bbox": [ + 48, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58473.mp4", + "variation_id": 0, + "video_id": "52551" + } + ] + }, + { + "gloss": "some", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6421, + "frame_start": 6379, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53190" + }, + { + "bbox": [ + 377, + 50, + 900, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/some.mp4", + "variation_id": 0, + "video_id": "69484" + }, + { + "bbox": [ + 49, + 0, + 1087, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=QTRHCvaKTss", + "variation_id": 0, + "video_id": "68159" + }, + { + "bbox": [ + 116, + 7, + 521, + 360 + ], + "fps": 25, + "frame_end": 55, + "frame_start": 1, + "instance_id": 3, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=VwW-WTa3mSE", + "variation_id": 0, + "video_id": "68978" + }, + { + "bbox": [ + 0, + 11, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/some.swf", + "variation_id": 0, + "video_id": "53215" + }, + { + "bbox": [ + 212, + 53, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/some.mp4", + "variation_id": 0, + "video_id": "53216" + }, + { + "bbox": [ + 71, + 8, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116950.mp4", + "variation_id": 0, + "video_id": "53207" + }, + { + "bbox": [ + 103, + 10, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gSnYeVmd-Yo", + "variation_id": 0, + "video_id": "67226" + }, + { + "bbox": [ + 403, + 54, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/some.mp4", + "variation_id": 0, + "video_id": "53208" + }, + { + "bbox": [ + 686, + 77, + 1475, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Some-RFXnVYaly9g.mp4", + "variation_id": 0, + "video_id": "53209" + }, + { + "bbox": [ + 147, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468776351.1904.mp4", + "variation_id": 0, + "video_id": "53210" + }, + { + "bbox": [ + 81, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/some.mp4", + "variation_id": 0, + "video_id": "53211" + }, + { + "bbox": [ + 47, + 18, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23931.mp4", + "variation_id": 0, + "video_id": "53212" + }, + { + "bbox": [ + 371, + 47, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nqEYs4aBk7Y", + "variation_id": 0, + "video_id": "53213" + }, + { + "bbox": [ + 396, + 81, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=P-ibWNWqGsw", + "variation_id": 0, + "video_id": "53214" + } + ] + }, + { + "gloss": "south", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7077, + "frame_start": 7035, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53453" + }, + { + "bbox": [ + 96, + 35, + 462, + 480 + ], + "fps": 25, + "frame_end": 3106, + "frame_start": 2994, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70188" + }, + { + "bbox": [ + 78, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6861.mp4", + "variation_id": 0, + "video_id": "53488" + }, + { + "bbox": [ + 321, + 46, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Of670lCy0dI", + "variation_id": 0, + "video_id": "53489" + }, + { + "bbox": [ + 389, + 51, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SaBd7wv9_0k", + "variation_id": 0, + "video_id": "53490" + }, + { + "bbox": [ + 328, + 27, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y9sgSdYk--A", + "variation_id": 0, + "video_id": "53491" + }, + { + "bbox": [ + 81, + 7, + 221, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/south.mov", + "variation_id": 0, + "video_id": "53482" + }, + { + "bbox": [ + 123, + 18, + 361, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0Q2GygbNlro", + "variation_id": 0, + "video_id": "67230" + }, + { + "bbox": [ + 37, + 0, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/south.swf", + "variation_id": 0, + "video_id": "53492" + }, + { + "bbox": [ + 197, + 53, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/south.mp4", + "variation_id": 0, + "video_id": "53493" + }, + { + "bbox": [ + 51, + 12, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63581.mp4", + "variation_id": 0, + "video_id": "53483" + }, + { + "bbox": [ + 423, + 57, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/south.mp4", + "variation_id": 0, + "video_id": "53484" + }, + { + "bbox": [ + 674, + 80, + 1420, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20South-_HBJaYxZG2Q.mp4", + "variation_id": 0, + "video_id": "53485" + }, + { + "bbox": [ + 113, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842043.2402.mp4", + "variation_id": 0, + "video_id": "53486" + }, + { + "bbox": [ + 68, + 13, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/south.mp4", + "variation_id": 0, + "video_id": "53487" + } + ] + }, + { + "gloss": "student", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9872, + "frame_start": 9796, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55332" + }, + { + "bbox": [ + 341, + 40, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/student.mp4", + "variation_id": 1, + "video_id": "69494" + }, + { + "bbox": [ + 44, + 12, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6462.mp4", + "variation_id": 0, + "video_id": "55343" + }, + { + "bbox": [ + 300, + 42, + 895, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0E3YmyCR6EY", + "variation_id": 0, + "video_id": "55344" + }, + { + "bbox": [ + 205, + 34, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jrf2XYqjg2o", + "variation_id": 0, + "video_id": "55345" + }, + { + "bbox": [ + 238, + 0, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 82, + "source": "scott", + "split": "val", + "url": "https://www.youtube.com/watch?v=r9IrbtWrmdg", + "variation_id": 0, + "video_id": "55346" + }, + { + "bbox": [ + 57, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50829.mp4", + "variation_id": 1, + "video_id": "55337" + }, + { + "bbox": [ + 114, + 19, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/wdQC5BuX2ec", + "variation_id": 0, + "video_id": "67256" + }, + { + "bbox": [ + 3, + 8, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/student.swf", + "variation_id": 0, + "video_id": "55347" + }, + { + "bbox": [ + 199, + 52, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/student.mp4", + "variation_id": 0, + "video_id": "55348" + }, + { + "bbox": [ + 197, + 13, + 534, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/student2.mp4", + "variation_id": 0, + "video_id": "55338" + }, + { + "bbox": [ + 193, + 13, + 528, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/student.mp4", + "variation_id": 1, + "video_id": "55339" + }, + { + "bbox": [ + 104, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897377.1672.mp4", + "variation_id": 1, + "video_id": "55340" + }, + { + "bbox": [ + 107, + 32, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767321.7329.mp4", + "variation_id": 1, + "video_id": "55341" + }, + { + "bbox": [ + 63, + 9, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/student.mp4", + "variation_id": 1, + "video_id": "55342" + } + ] + }, + { + "gloss": "teach", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 519, + "frame_start": 477, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57035" + }, + { + "bbox": [ + 99, + 24, + 292, + 240 + ], + "fps": 25, + "frame_end": 412, + "frame_start": 316, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70204" + }, + { + "bbox": [ + 297, + 0, + 1153, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=wjqXCZ4SSi8", + "variation_id": 0, + "video_id": "68167" + }, + { + "bbox": [ + 199, + 6, + 1029, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=cUpQCU24VC0", + "variation_id": 0, + "video_id": "57065" + }, + { + "bbox": [ + 179, + 0, + 1042, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=Xe2PC-pIMcI", + "variation_id": 0, + "video_id": "57066" + }, + { + "bbox": [ + 31, + 16, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/teach.swf", + "variation_id": 0, + "video_id": "57067" + }, + { + "bbox": [ + 50, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50896.mp4", + "variation_id": 0, + "video_id": "57058" + }, + { + "bbox": [ + 64, + 19, + 417, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qldl3qSEsOA", + "variation_id": 0, + "video_id": "67281" + }, + { + "bbox": [ + 168, + 55, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/instruct.mp4", + "variation_id": 0, + "video_id": "57068" + }, + { + "bbox": [ + 591, + 62, + 1631, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Teach-bmZ47t6hLP8.mp4", + "variation_id": 0, + "video_id": "57059" + }, + { + "bbox": [ + 506, + 101, + 1423, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Teach-hN7WKfdT_BU.mp4", + "variation_id": 0, + "video_id": "57060" + }, + { + "bbox": [ + 58, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468943416.7262.mp4", + "variation_id": 0, + "video_id": "57061" + }, + { + "bbox": [ + 53, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/teach.mp4", + "variation_id": 0, + "video_id": "57062" + }, + { + "bbox": [ + 51, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6746.mp4", + "variation_id": 0, + "video_id": "57063" + }, + { + "bbox": [ + 70, + 15, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8206.mp4", + "variation_id": 0, + "video_id": "57064" + } + ] + }, + { + "gloss": "theory", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1895, + "frame_start": 1839, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57781" + }, + { + "bbox": [ + 119, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944483.6649.mp4", + "variation_id": 0, + "video_id": "57785" + }, + { + "bbox": [ + 39, + 12, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/theory.mp4", + "variation_id": 0, + "video_id": "57786" + }, + { + "bbox": [ + 35, + 0, + 472, + 260 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 74, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/theory-v.mp4", + "variation_id": 0, + "video_id": "57787" + }, + { + "bbox": [ + 57, + 1, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14454.mp4", + "variation_id": 0, + "video_id": "57788" + }, + { + "bbox": [ + 71, + 9, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14838.mp4", + "variation_id": 0, + "video_id": "57789" + }, + { + "bbox": [ + 135, + 30, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THEORY-1204.mp4", + "variation_id": 0, + "video_id": "66603" + }, + { + "bbox": [ + 156, + 30, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THEORY-1205.mp4", + "variation_id": 0, + "video_id": "66604" + }, + { + "bbox": [ + 59, + 5, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8900.mp4", + "variation_id": 0, + "video_id": "57791" + }, + { + "bbox": [ + 340, + 28, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ZFq2RPlwOrg", + "variation_id": 0, + "video_id": "57792" + }, + { + "bbox": [ + 15, + 16, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/theory.swf", + "variation_id": 0, + "video_id": "57793" + }, + { + "bbox": [ + 162, + 53, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/theory.mp4", + "variation_id": 0, + "video_id": "57794" + }, + { + "bbox": [ + 74, + 9, + 229, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/theory.mov", + "variation_id": 0, + "video_id": "57782" + }, + { + "bbox": [ + 38, + 29, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90020.mp4", + "variation_id": 0, + "video_id": "57783" + }, + { + "bbox": [ + 633, + 52, + 1536, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Theory-bRbzwZtVa3k.mp4", + "variation_id": 0, + "video_id": "57784" + } + ] + }, + { + "gloss": "tomato", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3704, + "frame_start": 3645, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58782" + }, + { + "bbox": [ + 44, + 0, + 484, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tomato2.mp4", + "variation_id": 0, + "video_id": "58789" + }, + { + "bbox": [ + 102, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tomato.mp4", + "variation_id": 0, + "video_id": "58790" + }, + { + "bbox": [ + 67, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14013.mp4", + "variation_id": 0, + "video_id": "58791" + }, + { + "bbox": [ + 317, + 66, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ft6JlxIIEP4", + "variation_id": 0, + "video_id": "58792" + }, + { + "bbox": [ + 346, + 33, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SSzqcLHaBWc", + "variation_id": 0, + "video_id": "58793" + }, + { + "bbox": [ + 186, + 33, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOMATO-1253.mp4", + "variation_id": 0, + "video_id": "66654" + }, + { + "bbox": [ + 419, + 59, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tomato.mp4", + "variation_id": 0, + "video_id": "58784" + }, + { + "bbox": [ + 90, + 19, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7rEt_cwFVIk", + "variation_id": 0, + "video_id": "67314" + }, + { + "bbox": [ + 30, + 19, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/tomato.swf", + "variation_id": 0, + "video_id": "58794" + }, + { + "bbox": [ + 181, + 48, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/tomato.mp4", + "variation_id": 0, + "video_id": "58795" + }, + { + "bbox": [ + 881, + 58, + 1782, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tomato-HC0J3JaPVqU.mp4", + "variation_id": 0, + "video_id": "58785" + }, + { + "bbox": [ + 816, + 68, + 1653, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tomato-L8SGcD3I7jQ.mp4", + "variation_id": 0, + "video_id": "58786" + }, + { + "bbox": [ + 544, + 42, + 1094, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Tomato%202.mp4", + "variation_id": 0, + "video_id": "58787" + }, + { + "bbox": [ + 153, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945869.6015.mp4", + "variation_id": 0, + "video_id": "58788" + } + ] + }, + { + "gloss": "train", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4818, + "frame_start": 4776, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59298" + }, + { + "bbox": [ + 334, + 19, + 944, + 720 + ], + "fps": 25, + "frame_end": 65, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=gRdnCFgaLFw", + "variation_id": 0, + "video_id": "68496" + }, + { + "bbox": [ + 134, + 0, + 610, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946601.1688.mp4", + "variation_id": 0, + "video_id": "59310" + }, + { + "bbox": [ + 70, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/train.mp4", + "variation_id": 0, + "video_id": "59311" + }, + { + "bbox": [ + 72, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7255.mp4", + "variation_id": 0, + "video_id": "59314" + }, + { + "bbox": [ + 71, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9822.mp4", + "variation_id": 0, + "video_id": "59316" + }, + { + "bbox": [ + 176, + 37, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRAIN-368.mp4", + "variation_id": 0, + "video_id": "66665" + }, + { + "bbox": [ + 11, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50917.mp4", + "variation_id": 0, + "video_id": "59307" + }, + { + "bbox": [ + 96, + 16, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/dO9Ti2bgHIk", + "variation_id": 0, + "video_id": "67319" + }, + { + "bbox": [ + 339, + 47, + 993, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=yne0A8Z7ijU", + "variation_id": 0, + "video_id": "59317" + }, + { + "bbox": [ + 12, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/train.swf", + "variation_id": 0, + "video_id": "59318" + }, + { + "bbox": [ + 189, + 56, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/practice.mp4", + "variation_id": 0, + "video_id": "59319" + }, + { + "bbox": [ + 190, + 48, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/train.mp4", + "variation_id": 0, + "video_id": "59320" + }, + { + "bbox": [ + 221, + 13, + 536, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/train.mp4", + "variation_id": 0, + "video_id": "59308" + }, + { + "bbox": [ + 685, + 75, + 1678, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Train-g5-udWgwNwo.mp4", + "variation_id": 0, + "video_id": "59309" + } + ] + }, + { + "gloss": "ugly", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 93, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60345" + }, + { + "bbox": [ + 177, + 41, + 416, + 360 + ], + "fps": 25, + "frame_end": 4472, + "frame_start": 4356, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70256" + }, + { + "bbox": [ + 112, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/ugly.mp4", + "variation_id": 1, + "video_id": "60351" + }, + { + "bbox": [ + 53, + 10, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9813.mp4", + "variation_id": 1, + "video_id": "60352" + }, + { + "bbox": [ + 53, + 10, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9813.mp4", + "variation_id": 1, + "video_id": "60353" + }, + { + "bbox": [ + 44, + 7, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9814.mp4", + "variation_id": 0, + "video_id": "60354" + }, + { + "bbox": [ + 113, + 27, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/tXjf0A57N1I", + "variation_id": 0, + "video_id": "67334" + }, + { + "bbox": [ + 378, + 37, + 965, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9lFtQ3an3Go", + "variation_id": 0, + "video_id": "60355" + }, + { + "bbox": [ + 31, + 21, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/u/ugly.swf", + "variation_id": 0, + "video_id": "60356" + }, + { + "bbox": [ + 164, + 51, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ugly.mp4", + "variation_id": 1, + "video_id": "60357" + }, + { + "bbox": [ + 60, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50950.mp4", + "variation_id": 0, + "video_id": "60346" + }, + { + "bbox": [ + 394, + 56, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ugly.mp4", + "variation_id": 0, + "video_id": "60347" + }, + { + "bbox": [ + 348, + 36, + 1106, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Ugly.mp4", + "variation_id": 0, + "video_id": "60348" + }, + { + "bbox": [ + 119, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468924566.1157.mp4", + "variation_id": 1, + "video_id": "60349" + }, + { + "bbox": [ + 198, + 68, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546575338.7630.mp4", + "variation_id": 0, + "video_id": "60350" + } + ] + }, + { + "gloss": "war", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 413, + "frame_start": 347, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62267" + }, + { + "bbox": [ + 90, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/war.mp4", + "variation_id": 0, + "video_id": "62278" + }, + { + "bbox": [ + 62, + 17, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23933.mp4", + "variation_id": 0, + "video_id": "62279" + }, + { + "bbox": [ + 307, + 38, + 1171, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=7ZtVGhboh1I", + "variation_id": 0, + "video_id": "62280" + }, + { + "bbox": [ + 88, + 13, + 1094, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FEwcGT6M5zs", + "variation_id": 0, + "video_id": "62281" + }, + { + "bbox": [ + 230, + 46, + 1070, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ngj5Q3wsGmw", + "variation_id": 0, + "video_id": "62282" + }, + { + "bbox": [ + 152, + 30, + 555, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WAR-831.mp4", + "variation_id": 0, + "video_id": "66746" + }, + { + "bbox": [ + 58, + 10, + 241, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/civil_war.mov", + "variation_id": 0, + "video_id": "62273" + }, + { + "bbox": [ + 98, + 12, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1orso0-X5bU", + "variation_id": 0, + "video_id": "67039" + }, + { + "bbox": [ + 0, + 18, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/war.swf", + "variation_id": 0, + "video_id": "62283" + }, + { + "bbox": [ + 174, + 64, + 580, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/combat.mp4", + "variation_id": 0, + "video_id": "62284" + }, + { + "bbox": [ + 34, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50937.mp4", + "variation_id": 0, + "video_id": "62274" + }, + { + "bbox": [ + 441, + 57, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/war.mp4", + "variation_id": 0, + "video_id": "62275" + }, + { + "bbox": [ + 88, + 0, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926962.8087.mp4", + "variation_id": 0, + "video_id": "62276" + }, + { + "bbox": [ + 98, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/war2.mp4", + "variation_id": 0, + "video_id": "62277" + } + ] + }, + { + "gloss": "where", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1940, + "frame_start": 1881, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63079" + }, + { + "bbox": [ + 231, + 4, + 626, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=1IJ6oVm6x-w", + "variation_id": 0, + "video_id": "68181" + }, + { + "bbox": [ + 346, + 28, + 918, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=WlHOl9zIUpE", + "variation_id": 0, + "video_id": "68998" + }, + { + "bbox": [ + 82, + 8, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14587.mp4", + "variation_id": 0, + "video_id": "63087" + }, + { + "bbox": [ + 131, + 35, + 419, + 351 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=p476xgjJAZE", + "variation_id": 0, + "video_id": "63088" + }, + { + "bbox": [ + 333, + 39, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=p476xgjJAZE", + "variation_id": 0, + "video_id": "63089" + }, + { + "bbox": [ + 15, + 9, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/where.swf", + "variation_id": 0, + "video_id": "63090" + }, + { + "bbox": [ + 161, + 6, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHERE-1427.mp4", + "variation_id": 0, + "video_id": "66774" + }, + { + "bbox": [ + 23, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51067.mp4", + "variation_id": 0, + "video_id": "63081" + }, + { + "bbox": [ + 94, + 14, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Mrb2M9RV_KM", + "variation_id": 0, + "video_id": "67061" + }, + { + "bbox": [ + 207, + 53, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/where.mp4", + "variation_id": 0, + "video_id": "63091" + }, + { + "bbox": [ + 239, + 13, + 529, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/where.mp4", + "variation_id": 0, + "video_id": "63082" + }, + { + "bbox": [ + 351, + 13, + 799, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20where-LSM0sp4VCz4.mp4", + "variation_id": 0, + "video_id": "63083" + }, + { + "bbox": [ + 92, + 7, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928023.2600.mp4", + "variation_id": 0, + "video_id": "63084" + }, + { + "bbox": [ + 180, + 0, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/where2.mp4", + "variation_id": 0, + "video_id": "63085" + } + ] + }, + { + "gloss": "your", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 404, + "frame_start": 362, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64423" + }, + { + "bbox": [ + 51, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/your-plu.mp4", + "variation_id": 0, + "video_id": "64432" + }, + { + "bbox": [ + 70, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7201.mp4", + "variation_id": 0, + "video_id": "64433" + }, + { + "bbox": [ + 73, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8638.mp4", + "variation_id": 0, + "video_id": "64434" + }, + { + "bbox": [ + 322, + 51, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-1Hz72xltNk", + "variation_id": 0, + "video_id": "64435" + }, + { + "bbox": [ + 309, + 18, + 891, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=8MrC2c29fnk", + "variation_id": 0, + "video_id": "64436" + }, + { + "bbox": [ + 68, + 15, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307682.mp4", + "variation_id": 0, + "video_id": "64427" + }, + { + "bbox": [ + 249, + 24, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MijiYPUzXe4", + "variation_id": 0, + "video_id": "64437" + }, + { + "bbox": [ + 353, + 30, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TT6gxcZ8f2E", + "variation_id": 0, + "video_id": "64438" + }, + { + "bbox": [ + 86, + 45, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=YzuOEjefcIY", + "variation_id": 0, + "video_id": "64439" + }, + { + "bbox": [ + 15, + 20, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/y/your.swf", + "variation_id": 0, + "video_id": "64440" + }, + { + "bbox": [ + 223, + 15, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/your.mp4", + "variation_id": 0, + "video_id": "64428" + }, + { + "bbox": [ + 458, + 56, + 1010, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Your.mp4", + "variation_id": 0, + "video_id": "64429" + }, + { + "bbox": [ + 103, + 8, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468775332.5006.mp4", + "variation_id": 0, + "video_id": "64430" + }, + { + "bbox": [ + 57, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/your.mp4", + "variation_id": 0, + "video_id": "64431" + } + ] + }, + { + "gloss": "always", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2168, + "frame_start": 2106, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02227" + }, + { + "bbox": [ + 92, + 19, + 478, + 480 + ], + "fps": 25, + "frame_end": 4666, + "frame_start": 4535, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70037" + }, + { + "bbox": [ + 100, + 1, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y3zx5yBwHRE", + "variation_id": 0, + "video_id": "02234" + }, + { + "bbox": [ + 223, + 37, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Y3zx5yBwHRE", + "variation_id": 0, + "video_id": "02235" + }, + { + "bbox": [ + 118, + 5, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yqf6EJAeohg", + "variation_id": 0, + "video_id": "02236" + }, + { + "bbox": [ + 210, + 1, + 514, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALWAYS-265.mp4", + "variation_id": 0, + "video_id": "65061" + }, + { + "bbox": [ + 13, + 9, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/always.swf", + "variation_id": 0, + "video_id": "02237" + }, + { + "bbox": [ + 220, + 34, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/always.mp4", + "variation_id": 0, + "video_id": "02238" + }, + { + "bbox": [ + 70, + 8, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118426.mp4", + "variation_id": 0, + "video_id": "02228" + }, + { + "bbox": [ + 144, + 17, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/always.mp4", + "variation_id": 0, + "video_id": "02229" + }, + { + "bbox": [ + 182, + 56, + 1552, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Always-2A6SSJx4Atg.mp4", + "variation_id": 0, + "video_id": "02230" + }, + { + "bbox": [ + 103, + 26, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466177950.1837.mp4", + "variation_id": 0, + "video_id": "02231" + }, + { + "bbox": [ + 35, + 1, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/always.mp4", + "variation_id": 0, + "video_id": "02232" + }, + { + "bbox": [ + 65, + 26, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22879.mp4", + "variation_id": 0, + "video_id": "02233" + } + ] + }, + { + "gloss": "animal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2646, + "frame_start": 2580, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02581" + }, + { + "bbox": [ + 314, + 27, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/animal.mp4", + "variation_id": 0, + "video_id": "69211" + }, + { + "bbox": [ + 268, + 33, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IyMuDawJZu0", + "variation_id": 0, + "video_id": "02590" + }, + { + "bbox": [ + 0, + 12, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/animal.swf", + "variation_id": 0, + "video_id": "02591" + }, + { + "bbox": [ + 207, + 35, + 507, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/animal.mp4", + "variation_id": 0, + "video_id": "02592" + }, + { + "bbox": [ + 164, + 0, + 502, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/ANIMAL-16.mp4", + "variation_id": 0, + "video_id": "65073" + }, + { + "bbox": [ + 18, + 3, + 320, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/animal.mov", + "variation_id": 0, + "video_id": "02583" + }, + { + "bbox": [ + 92, + 9, + 410, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7uGqFbh6Un4", + "variation_id": 0, + "video_id": "67363" + }, + { + "bbox": [ + 60, + 4, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118511.mp4", + "variation_id": 0, + "video_id": "02584" + }, + { + "bbox": [ + 218, + 16, + 539, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/animal.mp4", + "variation_id": 0, + "video_id": "02585" + }, + { + "bbox": [ + 446, + 47, + 1125, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Animal.mp4", + "variation_id": 0, + "video_id": "02586" + }, + { + "bbox": [ + 80, + 15, + 622, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466510256.6098.mp4", + "variation_id": 0, + "video_id": "02587" + }, + { + "bbox": [ + 133, + 15, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/animal.mp4", + "variation_id": 0, + "video_id": "02588" + }, + { + "bbox": [ + 68, + 8, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14630.mp4", + "variation_id": 0, + "video_id": "02589" + } + ] + }, + { + "gloss": "argue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3686, + "frame_start": 3624, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03266" + }, + { + "bbox": [ + 156, + 17, + 579, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/argue.mp4", + "variation_id": 0, + "video_id": "03268" + }, + { + "bbox": [ + 359, + 52, + 905, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/spat.mp4", + "variation_id": 0, + "video_id": "03270" + }, + { + "bbox": [ + 533, + 61, + 1661, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Quarrel%2C%20Argue%2C%20Fight%202-OartPoM9-SU.mp4", + "variation_id": 0, + "video_id": "03272" + }, + { + "bbox": [ + 463, + 77, + 1769, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Quarrel%2C%20Argue%2C%20Fight-UcpFQj0a-Zs.mp4", + "variation_id": 0, + "video_id": "03273" + }, + { + "bbox": [ + 127, + 22, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512503.4091.mp4", + "variation_id": 0, + "video_id": "03274" + }, + { + "bbox": [ + 174, + 2, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/ARGUE-740.mp4", + "variation_id": 0, + "video_id": "65092" + }, + { + "bbox": [ + 44, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/argue.mp4", + "variation_id": 0, + "video_id": "03276" + }, + { + "bbox": [ + 60, + 21, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22238.mp4", + "variation_id": 0, + "video_id": "03277" + }, + { + "bbox": [ + 63, + 22, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22240.mp4", + "variation_id": 0, + "video_id": "03278" + }, + { + "bbox": [ + 256, + 25, + 1083, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ydnYnugXZa4", + "variation_id": 0, + "video_id": "03280" + }, + { + "bbox": [ + 4, + 18, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/argue.swf", + "variation_id": 0, + "video_id": "03281" + }, + { + "bbox": [ + 175, + 50, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/argue.mp4", + "variation_id": 0, + "video_id": "03282" + }, + { + "bbox": [ + 32, + 3, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122547.mp4", + "variation_id": 0, + "video_id": "03267" + } + ] + }, + { + "gloss": "baby", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 139, + "frame_start": 87, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04484" + }, + { + "bbox": [ + 337, + 23, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/baby.mp4", + "variation_id": 0, + "video_id": "69217" + }, + { + "bbox": [ + 276, + 39, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ljYpx7ee9zg", + "variation_id": 0, + "video_id": "04512" + }, + { + "bbox": [ + 0, + 8, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/baby.swf", + "variation_id": 0, + "video_id": "04513" + }, + { + "bbox": [ + 172, + 48, + 591, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/baby.mp4", + "variation_id": 0, + "video_id": "04514" + }, + { + "bbox": [ + 159, + 2, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BABY-407.mp4", + "variation_id": 0, + "video_id": "65119" + }, + { + "bbox": [ + 45, + 1, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123115.mp4", + "variation_id": 0, + "video_id": "04505" + }, + { + "bbox": [ + 64, + 16, + 441, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/08I2GCN9YVM", + "variation_id": 0, + "video_id": "67377" + }, + { + "bbox": [ + 186, + 21, + 578, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/baby.mp4", + "variation_id": 0, + "video_id": "04506" + }, + { + "bbox": [ + 632, + 59, + 1521, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Baby%204-oRjJ3LS6Xbk.mp4", + "variation_id": 0, + "video_id": "04507" + }, + { + "bbox": [ + 492, + 63, + 1586, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Baby-BUz2y48AUek.mp4", + "variation_id": 0, + "video_id": "04508" + }, + { + "bbox": [ + 63, + 22, + 621, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466647880.6971.mp4", + "variation_id": 0, + "video_id": "04509" + }, + { + "bbox": [ + 34, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/baby.mp4", + "variation_id": 0, + "video_id": "04510" + }, + { + "bbox": [ + 71, + 16, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7757.mp4", + "variation_id": 0, + "video_id": "04511" + } + ] + }, + { + "gloss": "back", + "instances": [ + { + "bbox": [ + 250, + 45, + 900, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/back.mp4", + "variation_id": 0, + "video_id": "69218" + }, + { + "bbox": [ + 127, + 0, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BACK-27.mp4", + "variation_id": 0, + "video_id": "65120" + }, + { + "bbox": [ + 153, + 22, + 511, + 480 + ], + "fps": 25, + "frame_end": 4146, + "frame_start": 4050, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70164" + }, + { + "bbox": [ + 23, + 0, + 493, + 476 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/back-body.mp4", + "variation_id": 0, + "video_id": "04596" + }, + { + "bbox": [ + 94, + 5, + 535, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/back-fs.mp4", + "variation_id": 1, + "video_id": "04597" + }, + { + "bbox": [ + 54, + 8, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6154.mp4", + "variation_id": 1, + "video_id": "04600" + }, + { + "bbox": [ + 31, + 8, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6155.mp4", + "variation_id": 1, + "video_id": "04601" + }, + { + "bbox": [ + 738, + 81, + 1631, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Back%20copy-1DjBwnA6i5o.mp4", + "variation_id": 1, + "video_id": "04592" + }, + { + "bbox": [ + 97, + 17, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/tM18pnANcJA", + "variation_id": 0, + "video_id": "67379" + }, + { + "bbox": [ + 212, + 5, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qp7gCgcExlA", + "variation_id": 1, + "video_id": "04602" + }, + { + "bbox": [ + 0, + 8, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/back.swf", + "variation_id": 0, + "video_id": "04603" + }, + { + "bbox": [ + 161, + 51, + 542, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/back2.mp4", + "variation_id": 0, + "video_id": "04604" + }, + { + "bbox": [ + 350, + 52, + 1649, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Back-kzjPOzLlaI0.mp4", + "variation_id": 0, + "video_id": "04593" + }, + { + "bbox": [ + 29, + 0, + 492, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/back-body2.mp4", + "variation_id": 0, + "video_id": "04595" + } + ] + }, + { + "gloss": "bake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 440, + "frame_start": 394, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04764" + }, + { + "bbox": [ + 67, + 22, + 559, + 480 + ], + "fps": 25, + "frame_end": 3766, + "frame_start": 3657, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70031" + }, + { + "bbox": [ + 339, + 66, + 1007, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Q0vD9t1u5bI", + "variation_id": 0, + "video_id": "04773" + }, + { + "bbox": [ + 21, + 14, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/bake.swf", + "variation_id": 0, + "video_id": "04774" + }, + { + "bbox": [ + 158, + 50, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bake.mp4", + "variation_id": 0, + "video_id": "04775" + }, + { + "bbox": [ + 172, + 15, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BAKE_1-2402.mp4", + "variation_id": 0, + "video_id": "65127" + }, + { + "bbox": [ + 182, + 3, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BAKE_2-808.mp4", + "variation_id": 0, + "video_id": "65128" + }, + { + "bbox": [ + 45, + 24, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89787.mp4", + "variation_id": 0, + "video_id": "04768" + }, + { + "bbox": [ + 91, + 0, + 405, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1PIwp1JjHQs", + "variation_id": 0, + "video_id": "67383" + }, + { + "bbox": [ + 124, + 21, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/PIWg0KJXdrw", + "variation_id": 0, + "video_id": "67382" + }, + { + "bbox": [ + 654, + 66, + 1862, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bake%2C%20Oven-mSZqN3ief2Y.mp4", + "variation_id": 0, + "video_id": "04769" + }, + { + "bbox": [ + 90, + 12, + 639, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 40, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1488805298.5520.mp4", + "variation_id": 0, + "video_id": "04770" + }, + { + "bbox": [ + 76, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bake-oven.mp4", + "variation_id": 0, + "video_id": "04771" + }, + { + "bbox": [ + 70, + 17, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6774.mp4", + "variation_id": 0, + "video_id": "04772" + } + ] + }, + { + "gloss": "bath", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1141, + "frame_start": 1085, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05270" + }, + { + "bbox": [ + 121, + 36, + 422, + 346 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7bbaTCiY58w", + "variation_id": 0, + "video_id": "05281" + }, + { + "bbox": [ + 311, + 20, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=p-SjHugBUeg", + "variation_id": 0, + "video_id": "05282" + }, + { + "bbox": [ + 338, + 36, + 1023, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=r8wxFtDjU5Y", + "variation_id": 0, + "video_id": "05283" + }, + { + "bbox": [ + 1, + 4, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bath.swf", + "variation_id": 0, + "video_id": "05284" + }, + { + "bbox": [ + 162, + 0, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BATH-31.mp4", + "variation_id": 0, + "video_id": "65147" + }, + { + "bbox": [ + 62, + 13, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123597.mp4", + "variation_id": 0, + "video_id": "05275" + }, + { + "bbox": [ + 78, + 5, + 411, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ezZRpQUUZqI", + "variation_id": 0, + "video_id": "67393" + }, + { + "bbox": [ + 154, + 50, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bath.mp4", + "variation_id": 0, + "video_id": "05285" + }, + { + "bbox": [ + 190, + 16, + 564, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bath.mp4", + "variation_id": 0, + "video_id": "05276" + }, + { + "bbox": [ + 360, + 5, + 833, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bath-KhHnoYpI-Bk.mp4", + "variation_id": 0, + "video_id": "05277" + }, + { + "bbox": [ + 100, + 16, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466649730.5475.mp4", + "variation_id": 0, + "video_id": "05278" + }, + { + "bbox": [ + 110, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bath.mp4", + "variation_id": 0, + "video_id": "05279" + }, + { + "bbox": [ + 65, + 17, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22127.mp4", + "variation_id": 0, + "video_id": "05280" + } + ] + }, + { + "gloss": "behind", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1932, + "frame_start": 1890, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05800" + }, + { + "bbox": [ + 1, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/behind-delay.mp4", + "variation_id": 0, + "video_id": "05805" + }, + { + "bbox": [ + 18, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/behind.mp4", + "variation_id": 0, + "video_id": "05806" + }, + { + "bbox": [ + 55, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8585.mp4", + "variation_id": 0, + "video_id": "05808" + }, + { + "bbox": [ + 317, + 53, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=l2fU_9FofrE", + "variation_id": 0, + "video_id": "05809" + }, + { + "bbox": [ + 408, + 44, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=r4ENXb64bwY", + "variation_id": 0, + "video_id": "05810" + }, + { + "bbox": [ + 180, + 1, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEHIND-38.mp4", + "variation_id": 0, + "video_id": "65169" + }, + { + "bbox": [ + 389, + 0, + 1372, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Behind-UEemVJCWpq0.mp4", + "variation_id": 0, + "video_id": "05803" + }, + { + "bbox": [ + 102, + 3, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Qw59mUm6ioU", + "variation_id": 0, + "video_id": "67404" + }, + { + "bbox": [ + 150, + 12, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=v13foapJy8M", + "variation_id": 0, + "video_id": "05813" + }, + { + "bbox": [ + 292, + 47, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=v13foapJy8M", + "variation_id": 0, + "video_id": "05814" + }, + { + "bbox": [ + 9, + 20, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/behind.swf", + "variation_id": 0, + "video_id": "05815" + }, + { + "bbox": [ + 149, + 53, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/behind3.mp4", + "variation_id": 0, + "video_id": "05816" + }, + { + "bbox": [ + 103, + 24, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681482.5953.mp4", + "variation_id": 0, + "video_id": "05804" + } + ] + }, + { + "gloss": "bring", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4842, + "frame_start": 4806, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07803" + }, + { + "bbox": [ + 118, + 32, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/bring.mp4", + "variation_id": 0, + "video_id": "69250" + }, + { + "bbox": [ + 22, + 5, + 951, + 720 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=qBSia-6R78M", + "variation_id": 0, + "video_id": "68828" + }, + { + "bbox": [ + 0, + 13, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/bring.swf", + "variation_id": 0, + "video_id": "07814" + }, + { + "bbox": [ + 148, + 54, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bring.mp4", + "variation_id": 0, + "video_id": "07815" + }, + { + "bbox": [ + 159, + 18, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRING-51.mp4", + "variation_id": 0, + "video_id": "65260" + }, + { + "bbox": [ + 18, + 8, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125551.mp4", + "variation_id": 0, + "video_id": "07806" + }, + { + "bbox": [ + 371, + 68, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bring.mp4", + "variation_id": 0, + "video_id": "07807" + }, + { + "bbox": [ + 87, + 22, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466724072.8490.mp4", + "variation_id": 0, + "video_id": "07808" + }, + { + "bbox": [ + 12, + 14, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/bring.mp4", + "variation_id": 0, + "video_id": "07809" + }, + { + "bbox": [ + 60, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9896.mp4", + "variation_id": 0, + "video_id": "07810" + }, + { + "bbox": [ + 57, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9897.mp4", + "variation_id": 0, + "video_id": "07811" + }, + { + "bbox": [ + 148, + 8, + 558, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Sm94OknTMI8", + "variation_id": 0, + "video_id": "07812" + }, + { + "bbox": [ + 125, + 15, + 499, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zIshtrNs_54", + "variation_id": 0, + "video_id": "07813" + } + ] + }, + { + "gloss": "catch", + "instances": [ + { + "bbox": [ + 389, + 41, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/catch.mp4", + "variation_id": 0, + "video_id": "69262" + }, + { + "bbox": [ + 573, + 54, + 1868, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Catch%2C%20Capture-OZ7GNRw1vSI.mp4", + "variation_id": 0, + "video_id": "09459" + }, + { + "bbox": [ + 693, + 72, + 1529, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Catch%2C%20Attack-XuQl7xpAHhw.mp4", + "variation_id": 0, + "video_id": "09458" + }, + { + "bbox": [ + 183, + 17, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CATCH-70.mp4", + "variation_id": 0, + "video_id": "65314" + }, + { + "bbox": [ + 55, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125845.mp4", + "variation_id": 0, + "video_id": "09457" + }, + { + "bbox": [ + 121, + 14, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466728397.505.mp4", + "variation_id": 0, + "video_id": "09461" + }, + { + "bbox": [ + 51, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/catch.mp4", + "variation_id": 0, + "video_id": "09462" + }, + { + "bbox": [ + 74, + 19, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6498.mp4", + "variation_id": 0, + "video_id": "09467" + }, + { + "bbox": [ + 84, + 0, + 482, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/catch-object.mp4", + "variation_id": 0, + "video_id": "09463" + }, + { + "bbox": [ + 54, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6499.mp4", + "variation_id": 0, + "video_id": "09468" + }, + { + "bbox": [ + 29, + 1, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/catch-talon.mp4", + "variation_id": 0, + "video_id": "09464" + }, + { + "bbox": [ + 337, + 29, + 1041, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=aVIJMRL1NGE", + "variation_id": 0, + "video_id": "09470" + }, + { + "bbox": [ + 25, + 21, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/catch.swf", + "variation_id": 0, + "video_id": "09472" + }, + { + "bbox": [ + 219, + 44, + 478, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/catch.mp4", + "variation_id": 0, + "video_id": "09473" + } + ] + }, + { + "gloss": "cereal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1703, + "frame_start": 1641, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09773" + }, + { + "bbox": [ + 207, + 23, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/cereal.mp4", + "variation_id": 0, + "video_id": "69264" + }, + { + "bbox": [ + 37, + 17, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 17, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1471145368.3313.mp4", + "variation_id": 0, + "video_id": "09777" + }, + { + "bbox": [ + 68, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7758.mp4", + "variation_id": 1, + "video_id": "09781" + }, + { + "bbox": [ + 329, + 41, + 934, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4uO8sY4hNYs", + "variation_id": 1, + "video_id": "09782" + }, + { + "bbox": [ + 161, + 17, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CE/CEREAL-595.mp4", + "variation_id": 1, + "video_id": "65325" + }, + { + "bbox": [ + 103, + 18, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Vmwa9EII64U", + "variation_id": 1, + "video_id": "67480" + }, + { + "bbox": [ + 141, + 35, + 410, + 342 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 64, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ZaJ02AFRjgk", + "variation_id": 1, + "video_id": "09783" + }, + { + "bbox": [ + 6, + 21, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cereal_1.swf", + "variation_id": 0, + "video_id": "09784" + }, + { + "bbox": [ + 7, + 18, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 49, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/cereal_2.swf", + "variation_id": 1, + "video_id": "09785" + }, + { + "bbox": [ + 218, + 42, + 468, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cereal.mp4", + "variation_id": 1, + "video_id": "09786" + }, + { + "bbox": [ + 51, + 2, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/125908.mp4", + "variation_id": 1, + "video_id": "09774" + }, + { + "bbox": [ + 651, + 88, + 1542, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cereal-JUJ9iDk7_6Y.mp4", + "variation_id": 0, + "video_id": "09775" + }, + { + "bbox": [ + 351, + 9, + 817, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cereal-TsB1bC1p81k.mp4", + "variation_id": 1, + "video_id": "09776" + } + ] + }, + { + "gloss": "champion", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1975, + "frame_start": 1933, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09914" + }, + { + "bbox": [ + 415, + 84, + 1573, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Champ-_v0KzlYIAxc.mp4", + "variation_id": 0, + "video_id": "09920" + }, + { + "bbox": [ + 676, + 148, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mushroom%2C%20Championship-FwEsnbhJcdw.mp4", + "variation_id": 0, + "video_id": "09921" + }, + { + "bbox": [ + 108, + 18, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466729649.6746.mp4", + "variation_id": 0, + "video_id": "09922" + }, + { + "bbox": [ + 24, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/champion.mp4", + "variation_id": 0, + "video_id": "09923" + }, + { + "bbox": [ + 141, + 6, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHAMPION-2353.mp4", + "variation_id": 0, + "video_id": "65330" + }, + { + "bbox": [ + 63, + 11, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14281.mp4", + "variation_id": 0, + "video_id": "09924" + }, + { + "bbox": [ + 14, + 12, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/champion.swf", + "variation_id": 0, + "video_id": "09925" + }, + { + "bbox": [ + 168, + 54, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/champion.mp4", + "variation_id": 0, + "video_id": "09926" + }, + { + "bbox": [ + 4, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51532.mp4", + "variation_id": 0, + "video_id": "09915" + }, + { + "bbox": [ + 517, + 64, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Champ%202-d0rndTtv_QI.mp4", + "variation_id": 0, + "video_id": "09916" + }, + { + "bbox": [ + 665, + 76, + 1690, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Champ%20copy-sWfCMQbdNJA.mp4", + "variation_id": 0, + "video_id": "09917" + }, + { + "bbox": [ + 696, + 67, + 1705, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Champ-fzzl8DJRa-I.mp4", + "variation_id": 0, + "video_id": "09918" + }, + { + "bbox": [ + 518, + 91, + 1605, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Champion%20-w2Z5s9MvegE.mp4", + "variation_id": 0, + "video_id": "09919" + } + ] + }, + { + "gloss": "cheese", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2502, + "frame_start": 2453, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10260" + }, + { + "bbox": [ + 98, + 34, + 501, + 480 + ], + "fps": 25, + "frame_end": 1623, + "frame_start": 1515, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70064" + }, + { + "bbox": [ + 335, + 44, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XTjuje1fk1E", + "variation_id": 0, + "video_id": "10273" + }, + { + "bbox": [ + 8, + 6, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/cheese.swf", + "variation_id": 0, + "video_id": "10274" + }, + { + "bbox": [ + 167, + 57, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cheese.mp4", + "variation_id": 0, + "video_id": "10275" + }, + { + "bbox": [ + 163, + 16, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHEESE-430.mp4", + "variation_id": 0, + "video_id": "65345" + }, + { + "bbox": [ + 14, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125952.mp4", + "variation_id": 0, + "video_id": "10266" + }, + { + "bbox": [ + 96, + 19, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3NqQk0cNPA0", + "variation_id": 0, + "video_id": "67492" + }, + { + "bbox": [ + 393, + 60, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cheese.mp4", + "variation_id": 0, + "video_id": "10267" + }, + { + "bbox": [ + 344, + 38, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Cheese.mp4", + "variation_id": 0, + "video_id": "10268" + }, + { + "bbox": [ + 95, + 24, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466731594.4868.mp4", + "variation_id": 0, + "video_id": "10269" + }, + { + "bbox": [ + 46, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/cheese.mp4", + "variation_id": 0, + "video_id": "10270" + }, + { + "bbox": [ + 77, + 7, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5784.mp4", + "variation_id": 0, + "video_id": "10271" + }, + { + "bbox": [ + 316, + 54, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_s96-SeiXfo", + "variation_id": 0, + "video_id": "10272" + } + ] + }, + { + "gloss": "cough", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6426, + "frame_start": 6374, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13467" + }, + { + "bbox": [ + 64, + 9, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14188.mp4", + "variation_id": 0, + "video_id": "13473" + }, + { + "bbox": [ + 288, + 58, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5GZ1yv24OII", + "variation_id": 0, + "video_id": "13474" + }, + { + "bbox": [ + 333, + 36, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=UUq9vik7gPw", + "variation_id": 0, + "video_id": "13475" + }, + { + "bbox": [ + 307, + 33, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zcA5rEB5KIs", + "variation_id": 0, + "video_id": "13476" + }, + { + "bbox": [ + 171, + 16, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COUGH-1169.mp4", + "variation_id": 0, + "video_id": "65411" + }, + { + "bbox": [ + 96, + 19, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/kpLPR6He6dg", + "variation_id": 0, + "video_id": "67532" + }, + { + "bbox": [ + 0, + 17, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cough.swf", + "variation_id": 0, + "video_id": "13477" + }, + { + "bbox": [ + 174, + 64, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cough.mp4", + "variation_id": 0, + "video_id": "13478" + }, + { + "bbox": [ + 66, + 35, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93256.mp4", + "variation_id": 0, + "video_id": "13468" + }, + { + "bbox": [ + 399, + 57, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cough.mp4", + "variation_id": 0, + "video_id": "13469" + }, + { + "bbox": [ + 104, + 28, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466903703.2205.mp4", + "variation_id": 0, + "video_id": "13470" + }, + { + "bbox": [ + 62, + 9, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cough2.mp4", + "variation_id": 0, + "video_id": "13471" + }, + { + "bbox": [ + 62, + 8, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cough.mp4", + "variation_id": 0, + "video_id": "13472" + } + ] + }, + { + "gloss": "crazy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6963, + "frame_start": 6891, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13850" + }, + { + "bbox": [ + 97, + 24, + 480, + 480 + ], + "fps": 25, + "frame_end": 1073, + "frame_start": 942, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70363" + }, + { + "bbox": [ + 276, + 48, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dD3k1UwPZjo", + "variation_id": 0, + "video_id": "13861" + }, + { + "bbox": [ + 273, + 45, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=YoBmk-N5aV8", + "variation_id": 0, + "video_id": "13862" + }, + { + "bbox": [ + 135, + 66, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/crazy.mp4", + "variation_id": 0, + "video_id": "13863" + }, + { + "bbox": [ + 102, + 14, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CR/CRAZY-1184.mp4", + "variation_id": 0, + "video_id": "65421" + }, + { + "bbox": [ + 117, + 15, + 498, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CR/CRAZY-1186.mp4", + "variation_id": 0, + "video_id": "65422" + }, + { + "bbox": [ + 30, + 12, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93913.mp4", + "variation_id": 0, + "video_id": "13854" + }, + { + "bbox": [ + 52, + 21, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/m0qpZW7MeSM", + "variation_id": 0, + "video_id": "67539" + }, + { + "bbox": [ + 85, + 24, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466905061.43.mp4", + "variation_id": 0, + "video_id": "13855" + }, + { + "bbox": [ + 0, + 9, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/crazy2.mp4", + "variation_id": 0, + "video_id": "13856" + }, + { + "bbox": [ + 9, + 3, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/crazy.mp4", + "variation_id": 0, + "video_id": "13857" + }, + { + "bbox": [ + 47, + 23, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22152.mp4", + "variation_id": 0, + "video_id": "13858" + }, + { + "bbox": [ + 47, + 22, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22153.mp4", + "variation_id": 0, + "video_id": "13859" + } + ] + }, + { + "gloss": "delay", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1097, + "frame_start": 1038, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15317" + }, + { + "bbox": [ + 52, + 8, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/delay.mp4", + "variation_id": 0, + "video_id": "15324" + }, + { + "bbox": [ + 82, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6586.mp4", + "variation_id": 0, + "video_id": "15325" + }, + { + "bbox": [ + 75, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6587.mp4", + "variation_id": 0, + "video_id": "15326" + }, + { + "bbox": [ + 72, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6588.mp4", + "variation_id": 0, + "video_id": "15327" + }, + { + "bbox": [ + 78, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6589.mp4", + "variation_id": 0, + "video_id": "15328" + }, + { + "bbox": [ + 73, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456691.mp4", + "variation_id": 0, + "video_id": "15319" + }, + { + "bbox": [ + 75, + 14, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6929.mp4", + "variation_id": 0, + "video_id": "15330" + }, + { + "bbox": [ + 0, + 15, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/delay.swf", + "variation_id": 0, + "video_id": "15331" + }, + { + "bbox": [ + 197, + 62, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/delay.mp4", + "variation_id": 0, + "video_id": "15332" + }, + { + "bbox": [ + 469, + 54, + 1678, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Delay%202-P-2XIzcDLm4.mp4", + "variation_id": 0, + "video_id": "15320" + }, + { + "bbox": [ + 532, + 69, + 1457, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Delay-nXXvCpAldrI.mp4", + "variation_id": 0, + "video_id": "15321" + }, + { + "bbox": [ + 451, + 41, + 1123, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Delay.mp4", + "variation_id": 0, + "video_id": "15322" + }, + { + "bbox": [ + 139, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756474.6417.mp4", + "variation_id": 0, + "video_id": "15323" + } + ] + }, + { + "gloss": "delicious", + "instances": [ + { + "bbox": [ + 560, + 107, + 1573, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Delicious%202-EGPbter02aU.mp4", + "variation_id": 0, + "video_id": "15363" + }, + { + "bbox": [ + 693, + 122, + 1620, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Delicious%203-rfAdArfzx2Q.mp4", + "variation_id": 0, + "video_id": "15364" + }, + { + "bbox": [ + 673, + 118, + 1564, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Delicious-z4EGd4Y2TOs.mp4", + "variation_id": 0, + "video_id": "15365" + }, + { + "bbox": [ + 357, + 19, + 808, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20really%20delicious-_HJPMED-hHE.mp4", + "variation_id": 0, + "video_id": "15366" + }, + { + "bbox": [ + 108, + 0, + 534, + 478 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/delicious.mp4", + "variation_id": 0, + "video_id": "15368" + }, + { + "bbox": [ + 69, + 23, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22563.mp4", + "variation_id": 0, + "video_id": "15369" + }, + { + "bbox": [ + 175, + 16, + 482, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DELICIOUS-105.mp4", + "variation_id": 0, + "video_id": "65457" + }, + { + "bbox": [ + 107, + 11, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qam8P_wUuhg", + "variation_id": 0, + "video_id": "67559" + }, + { + "bbox": [ + 49, + 22, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22564.mp4", + "variation_id": 0, + "video_id": "15370" + }, + { + "bbox": [ + 352, + 63, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=jHACe_ba-tc", + "variation_id": 0, + "video_id": "15372" + }, + { + "bbox": [ + 21, + 21, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/delicious.swf", + "variation_id": 0, + "video_id": "15373" + }, + { + "bbox": [ + 191, + 64, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/delicious.mp4", + "variation_id": 0, + "video_id": "15374" + }, + { + "bbox": [ + 86, + 36, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93286.mp4", + "variation_id": 0, + "video_id": "15361" + }, + { + "bbox": [ + 428, + 56, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/delicious.mp4", + "variation_id": 0, + "video_id": "15362" + } + ] + }, + { + "gloss": "disappear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3258, + "frame_start": 3216, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16437" + }, + { + "bbox": [ + 163, + 21, + 573, + 480 + ], + "fps": 25, + "frame_end": 2011, + "frame_start": 1873, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70153" + }, + { + "bbox": [ + 89, + 13, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467770455.8647.mp4", + "variation_id": 0, + "video_id": "16441" + }, + { + "bbox": [ + 73, + 20, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/disappear.mp4", + "variation_id": 0, + "video_id": "16442" + }, + { + "bbox": [ + 95, + 23, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22669.mp4", + "variation_id": 0, + "video_id": "16443" + }, + { + "bbox": [ + 84, + 22, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22670.mp4", + "variation_id": 0, + "video_id": "16444" + }, + { + "bbox": [ + 92, + 19, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/GLLXB6fPYZM", + "variation_id": 0, + "video_id": "67574" + }, + { + "bbox": [ + 315, + 39, + 1056, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=q9VxLF5shUw", + "variation_id": 0, + "video_id": "16447" + }, + { + "bbox": [ + 309, + 42, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wg3MSASSmCo", + "variation_id": 0, + "video_id": "16448" + }, + { + "bbox": [ + 3, + 14, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/disappear.swf", + "variation_id": 0, + "video_id": "16449" + }, + { + "bbox": [ + 241, + 48, + 503, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/disappear.mp4", + "variation_id": 0, + "video_id": "16450" + }, + { + "bbox": [ + 80, + 37, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93305.mp4", + "variation_id": 0, + "video_id": "16438" + }, + { + "bbox": [ + 646, + 35, + 1684, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Disappear%20copy--EkRJFWJsdU.mp4", + "variation_id": 0, + "video_id": "16439" + }, + { + "bbox": [ + 679, + 64, + 1444, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Disappear-svFQKWjXxL0.mp4", + "variation_id": 0, + "video_id": "16440" + } + ] + }, + { + "gloss": "divorce", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3712, + "frame_start": 3656, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16961" + }, + { + "bbox": [ + 179, + 46, + 480, + 360 + ], + "fps": 25, + "frame_end": 2762, + "frame_start": 2658, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70341" + }, + { + "bbox": [ + 352, + 34, + 985, + 720 + ], + "fps": 25, + "frame_end": 32, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ec8ZZe6p7gw", + "variation_id": 0, + "video_id": "68426" + }, + { + "bbox": [ + 210, + 17, + 545, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/divorce.mp4", + "variation_id": 0, + "video_id": "16966" + }, + { + "bbox": [ + 634, + 36, + 1506, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Divorce-bOAMrTyVSAU.mp4", + "variation_id": 0, + "video_id": "16968" + }, + { + "bbox": [ + 65, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/divorce.mp4", + "variation_id": 0, + "video_id": "16971" + }, + { + "bbox": [ + 64, + 3, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5694.mp4", + "variation_id": 0, + "video_id": "16972" + }, + { + "bbox": [ + 141, + 21, + 444, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/DI/DIVORCE-2158.mp4", + "variation_id": 0, + "video_id": "65500" + }, + { + "bbox": [ + 27, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185037.mp4", + "variation_id": 0, + "video_id": "16963" + }, + { + "bbox": [ + 97, + 21, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/66grF_7ckhY", + "variation_id": 0, + "video_id": "67577" + }, + { + "bbox": [ + 371, + 48, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=JCTgLJFs4c8", + "variation_id": 0, + "video_id": "16973" + }, + { + "bbox": [ + 5, + 7, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/divorce.swf", + "variation_id": 0, + "video_id": "16975" + }, + { + "bbox": [ + 181, + 57, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/divorce.mp4", + "variation_id": 0, + "video_id": "16976" + }, + { + "bbox": [ + 65, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58289.mp4", + "variation_id": 0, + "video_id": "16965" + } + ] + }, + { + "gloss": "draw", + "instances": [ + { + "bbox": [ + 180, + 13, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRAW-444.mp4", + "variation_id": 0, + "video_id": "65531" + }, + { + "bbox": [ + 246, + 4, + 662, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=nuSeNs6dP60", + "variation_id": 0, + "video_id": "68039" + }, + { + "bbox": [ + 331, + 1, + 898, + 720 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=oyU0HS0SdOU", + "variation_id": 0, + "video_id": "68782" + }, + { + "bbox": [ + 71, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6772.mp4", + "variation_id": 0, + "video_id": "17600" + }, + { + "bbox": [ + 121, + 41, + 417, + 345 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7AtbnLDrhys", + "variation_id": 0, + "video_id": "17601" + }, + { + "bbox": [ + 173, + 0, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7AtbnLDrhys", + "variation_id": 0, + "video_id": "17602" + }, + { + "bbox": [ + 233, + 18, + 587, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/draw.mp4", + "variation_id": 0, + "video_id": "17594" + }, + { + "bbox": [ + 91, + 19, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9dNb5vq6YZc", + "variation_id": 0, + "video_id": "67588" + }, + { + "bbox": [ + 305, + 40, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RYHen3DOMuY", + "variation_id": 0, + "video_id": "17604" + }, + { + "bbox": [ + 71, + 3, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/draw.swf", + "variation_id": 0, + "video_id": "17605" + }, + { + "bbox": [ + 185, + 59, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/draw.mp4", + "variation_id": 0, + "video_id": "17607" + }, + { + "bbox": [ + 587, + 64, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sketch%2C%20Art%2C%20Draw-Q59qQzYpc2g.mp4", + "variation_id": 0, + "video_id": "17595" + }, + { + "bbox": [ + 61, + 14, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773594.1009.mp4", + "variation_id": 0, + "video_id": "17596" + }, + { + "bbox": [ + 12, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/draw-art.mp4", + "variation_id": 0, + "video_id": "17597" + } + ] + }, + { + "gloss": "east", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 551, + "frame_start": 512, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18270" + }, + { + "bbox": [ + 70, + 17, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6863.mp4", + "variation_id": 0, + "video_id": "18294" + }, + { + "bbox": [ + 291, + 45, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=__LSIH5Z5t0", + "variation_id": 0, + "video_id": "18295" + }, + { + "bbox": [ + 295, + 27, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=N23tnuw_C_s", + "variation_id": 0, + "video_id": "18296" + }, + { + "bbox": [ + 6, + 1, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/east.swf", + "variation_id": 0, + "video_id": "18297" + }, + { + "bbox": [ + 152, + 32, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EAST-1290.mp4", + "variation_id": 0, + "video_id": "65597" + }, + { + "bbox": [ + 66, + 10, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/east.mov", + "variation_id": 0, + "video_id": "18288" + }, + { + "bbox": [ + 74, + 21, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9k9ZtumEPLs", + "variation_id": 0, + "video_id": "67607" + }, + { + "bbox": [ + 150, + 52, + 577, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/east.mp4", + "variation_id": 0, + "video_id": "18298" + }, + { + "bbox": [ + 8, + 1, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/481196.mp4", + "variation_id": 0, + "video_id": "18289" + }, + { + "bbox": [ + 331, + 54, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/east.mp4", + "variation_id": 0, + "video_id": "18290" + }, + { + "bbox": [ + 665, + 77, + 1455, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20East-pB8laIXIVQc.mp4", + "variation_id": 0, + "video_id": "18291" + }, + { + "bbox": [ + 54, + 12, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468347751.9471.mp4", + "variation_id": 0, + "video_id": "18292" + }, + { + "bbox": [ + 43, + 13, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/east.mp4", + "variation_id": 0, + "video_id": "18293" + } + ] + }, + { + "gloss": "easy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 671, + "frame_start": 619, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18301" + }, + { + "bbox": [ + 103, + 20, + 484, + 480 + ], + "fps": 25, + "frame_end": 5741, + "frame_start": 5665, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70079" + }, + { + "bbox": [ + 241, + 4, + 1085, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=MAujGjrbw1A", + "variation_id": 0, + "video_id": "68043" + }, + { + "bbox": [ + 108, + 12, + 526, + 357 + ], + "fps": 25, + "frame_end": 97, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=vlyJPZMDZUw", + "variation_id": 0, + "video_id": "68966" + }, + { + "bbox": [ + 10, + 20, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/easy.swf", + "variation_id": 0, + "video_id": "18313" + }, + { + "bbox": [ + 187, + 55, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/easy.mp4", + "variation_id": 0, + "video_id": "18315" + }, + { + "bbox": [ + 177, + 12, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EASY-684.mp4", + "variation_id": 0, + "video_id": "65600" + }, + { + "bbox": [ + 59, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399489.mp4", + "variation_id": 0, + "video_id": "18306" + }, + { + "bbox": [ + 83, + 19, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/uhlOam0rw90", + "variation_id": 0, + "video_id": "67609" + }, + { + "bbox": [ + 703, + 64, + 1576, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Easy-ibHrnI23lTc.mp4", + "variation_id": 0, + "video_id": "18307" + }, + { + "bbox": [ + 90, + 4, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468347802.2280.mp4", + "variation_id": 0, + "video_id": "18308" + }, + { + "bbox": [ + 87, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/easy.mp4", + "variation_id": 0, + "video_id": "18309" + }, + { + "bbox": [ + 87, + 16, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8403.mp4", + "variation_id": 0, + "video_id": "18311" + }, + { + "bbox": [ + 269, + 30, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=k5RKXRKYCrM", + "variation_id": 0, + "video_id": "18312" + } + ] + }, + { + "gloss": "egg", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 808, + "frame_start": 776, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18485" + }, + { + "bbox": [ + 128, + 28, + 494, + 480 + ], + "fps": 25, + "frame_end": 1779, + "frame_start": 1668, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70065" + }, + { + "bbox": [ + 187, + 0, + 580, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/egg2.mp4", + "variation_id": 0, + "video_id": "18489" + }, + { + "bbox": [ + 58, + 15, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/egg.mp4", + "variation_id": 0, + "video_id": "18491" + }, + { + "bbox": [ + 72, + 22, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22789.mp4", + "variation_id": 0, + "video_id": "18494" + }, + { + "bbox": [ + 177, + 15, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EG/EGG-447.mp4", + "variation_id": 0, + "video_id": "65607" + }, + { + "bbox": [ + 125, + 17, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/wSzoQOr4R9w", + "variation_id": 0, + "video_id": "67612" + }, + { + "bbox": [ + 72, + 21, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22790.mp4", + "variation_id": 0, + "video_id": "18495" + }, + { + "bbox": [ + 347, + 67, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZVd4gO8bUiw", + "variation_id": 0, + "video_id": "18496" + }, + { + "bbox": [ + 16, + 4, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/egg.swf", + "variation_id": 0, + "video_id": "18497" + }, + { + "bbox": [ + 176, + 53, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/egg.mp4", + "variation_id": 0, + "video_id": "18498" + }, + { + "bbox": [ + 74, + 10, + 252, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/egg.mov", + "variation_id": 0, + "video_id": "18486" + }, + { + "bbox": [ + 58, + 14, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/153296.mp4", + "variation_id": 0, + "video_id": "18487" + }, + { + "bbox": [ + 78, + 14, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468348272.3675.mp4", + "variation_id": 0, + "video_id": "18488" + } + ] + }, + { + "gloss": "environment", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2081, + "frame_start": 2022, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19402" + }, + { + "bbox": [ + 624, + 124, + 1642, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Environment-VCvnRK0u1Pc.mp4", + "variation_id": 1, + "video_id": "19410" + }, + { + "bbox": [ + 649, + 66, + 1753, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Surrounding%2C%20Context%2C%20Environment-X2ZSi5tkW0I.mp4", + "variation_id": 1, + "video_id": "19411" + }, + { + "bbox": [ + 17, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376731.9585.mp4", + "variation_id": 1, + "video_id": "19412" + }, + { + "bbox": [ + 27, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/environment.mp4", + "variation_id": 0, + "video_id": "19413" + }, + { + "bbox": [ + 89, + 19, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7187.mp4", + "variation_id": 0, + "video_id": "19414" + }, + { + "bbox": [ + 157, + 29, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENVIRONMENT-1315.mp4", + "variation_id": 0, + "video_id": "65638" + }, + { + "bbox": [ + 207, + 33, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENVIRONMENT-1965.mp4", + "variation_id": 1, + "video_id": "65639" + }, + { + "bbox": [ + 96, + 10, + 249, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/environment.mov", + "variation_id": 0, + "video_id": "19406" + }, + { + "bbox": [ + 0, + 16, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/e/environment.swf", + "variation_id": 0, + "video_id": "19417" + }, + { + "bbox": [ + 187, + 55, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/environment.mp4", + "variation_id": 0, + "video_id": "19418" + }, + { + "bbox": [ + 6, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185053.mp4", + "variation_id": 1, + "video_id": "19407" + }, + { + "bbox": [ + 61, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58294.mp4", + "variation_id": 0, + "video_id": "19408" + }, + { + "bbox": [ + 329, + 57, + 822, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/environment.mp4", + "variation_id": 1, + "video_id": "19409" + } + ] + }, + { + "gloss": "father", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 645, + "frame_start": 593, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21202" + }, + { + "bbox": [ + 147, + 4, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/father.mp4", + "variation_id": 0, + "video_id": "69318" + }, + { + "bbox": [ + 18, + 5, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/father.swf", + "variation_id": 0, + "video_id": "21220" + }, + { + "bbox": [ + 157, + 35, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/dad.mp4", + "variation_id": 0, + "video_id": "21221" + }, + { + "bbox": [ + 127, + 7, + 519, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/father.mp4", + "variation_id": 0, + "video_id": "21205" + }, + { + "bbox": [ + 192, + 11, + 590, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Father.mp4", + "variation_id": 0, + "video_id": "21207" + }, + { + "bbox": [ + 123, + 0, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463544.4624.mp4", + "variation_id": 0, + "video_id": "21209" + }, + { + "bbox": [ + 57, + 14, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/father.mp4", + "variation_id": 0, + "video_id": "21210" + }, + { + "bbox": [ + 53, + 0, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6510.mp4", + "variation_id": 0, + "video_id": "21212" + }, + { + "bbox": [ + 57, + 9, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455635.mp4", + "variation_id": 0, + "video_id": "21204" + }, + { + "bbox": [ + 89, + 7, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/0LUoVGzdENo", + "variation_id": 0, + "video_id": "67647" + }, + { + "bbox": [ + 274, + 59, + 1004, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=4px5GII_5ws", + "variation_id": 0, + "video_id": "21217" + }, + { + "bbox": [ + 145, + 19, + 483, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Fa66XIJ2df0", + "variation_id": 0, + "video_id": "21218" + }, + { + "bbox": [ + 364, + 41, + 942, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UnAiMqWCzNs", + "variation_id": 0, + "video_id": "21219" + } + ] + }, + { + "gloss": "fault", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 702, + "frame_start": 646, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21272" + }, + { + "bbox": [ + 562, + 64, + 1570, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fault-fMr4wA0VyW0.mp4", + "variation_id": 0, + "video_id": "21275" + }, + { + "bbox": [ + 57, + 9, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463664.9101.mp4", + "variation_id": 0, + "video_id": "21276" + }, + { + "bbox": [ + 79, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fault.mp4", + "variation_id": 0, + "video_id": "21277" + }, + { + "bbox": [ + 82, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7139.mp4", + "variation_id": 1, + "video_id": "21280" + }, + { + "bbox": [ + 82, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7139.mp4", + "variation_id": 1, + "video_id": "21281" + }, + { + "bbox": [ + 82, + 22, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/0ECfQkHh-Cg", + "variation_id": 0, + "video_id": "67649" + }, + { + "bbox": [ + 72, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7140.mp4", + "variation_id": 1, + "video_id": "21282" + }, + { + "bbox": [ + 54, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7141.mp4", + "variation_id": 0, + "video_id": "21283" + }, + { + "bbox": [ + 293, + 33, + 932, + 714 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5Kzi_CtM1nc", + "variation_id": 0, + "video_id": "21284" + }, + { + "bbox": [ + 20, + 11, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fault.swf", + "variation_id": 1, + "video_id": "21285" + }, + { + "bbox": [ + 171, + 37, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/fault.mp4", + "variation_id": 0, + "video_id": "21286" + }, + { + "bbox": [ + 43, + 12, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63613.mp4", + "variation_id": 0, + "video_id": "21273" + }, + { + "bbox": [ + 631, + 40, + 1759, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blame-qnoOB-BriM0.mp4", + "variation_id": 1, + "video_id": "21274" + } + ] + }, + { + "gloss": "flower", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2104, + "frame_start": 2048, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22537" + }, + { + "bbox": [ + 314, + 51, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=33DHyOmJN1Y", + "variation_id": 0, + "video_id": "22554" + }, + { + "bbox": [ + 143, + 38, + 396, + 339 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=N-nl92AJkT4", + "variation_id": 0, + "video_id": "22555" + }, + { + "bbox": [ + 367, + 91, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=vyPgSFdwH6M", + "variation_id": 0, + "video_id": "22556" + }, + { + "bbox": [ + 30, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/flower.swf", + "variation_id": 0, + "video_id": "22557" + }, + { + "bbox": [ + 172, + 18, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FL/FLOWER-381.mp4", + "variation_id": 0, + "video_id": "65746" + }, + { + "bbox": [ + 65, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456351.mp4", + "variation_id": 0, + "video_id": "22548" + }, + { + "bbox": [ + 132, + 11, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/txhW46fHa4k", + "variation_id": 0, + "video_id": "67672" + }, + { + "bbox": [ + 190, + 51, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/flower.mp4", + "variation_id": 0, + "video_id": "22558" + }, + { + "bbox": [ + 219, + 16, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/flower.mp4", + "variation_id": 0, + "video_id": "22549" + }, + { + "bbox": [ + 639, + 88, + 1435, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Flower-KPdJAe0K3YA.mp4", + "variation_id": 0, + "video_id": "22550" + }, + { + "bbox": [ + 113, + 12, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468512943.6534.mp4", + "variation_id": 0, + "video_id": "22551" + }, + { + "bbox": [ + 65, + 10, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/flower.mp4", + "variation_id": 0, + "video_id": "22552" + }, + { + "bbox": [ + 81, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7392.mp4", + "variation_id": 0, + "video_id": "22553" + } + ] + }, + { + "gloss": "friendly", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3192, + "frame_start": 3143, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23579" + }, + { + "bbox": [ + 166, + 43, + 432, + 360 + ], + "fps": 25, + "frame_end": 4911, + "frame_start": 4801, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70257" + }, + { + "bbox": [ + 331, + 57, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=Beg6VJST5pc", + "variation_id": 0, + "video_id": "23586" + }, + { + "bbox": [ + 328, + 54, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 69, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=FK2MbvNTgGs", + "variation_id": 0, + "video_id": "23587" + }, + { + "bbox": [ + 156, + 36, + 1072, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=y2vzVSDM00k", + "variation_id": 0, + "video_id": "23588" + }, + { + "bbox": [ + 194, + 38, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FRIENDLY-2162.mp4", + "variation_id": 0, + "video_id": "65783" + }, + { + "bbox": [ + 106, + 38, + 406, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XU-Td6ZVTJ8", + "variation_id": 0, + "video_id": "67692" + }, + { + "bbox": [ + 186, + 50, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/friendly.mp4", + "variation_id": 0, + "video_id": "23589" + }, + { + "bbox": [ + 24, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 53, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51578.mp4", + "variation_id": 0, + "video_id": "23580" + }, + { + "bbox": [ + 392, + 56, + 844, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/friendly.mp4", + "variation_id": 0, + "video_id": "23581" + }, + { + "bbox": [ + 624, + 88, + 1522, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Friendly-93dX17O8vYY.mp4", + "variation_id": 0, + "video_id": "23582" + }, + { + "bbox": [ + 74, + 18, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468514247.3353.mp4", + "variation_id": 0, + "video_id": "23583" + }, + { + "bbox": [ + 71, + 1, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/friendly.mp4", + "variation_id": 0, + "video_id": "23584" + }, + { + "bbox": [ + 38, + 0, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5858.mp4", + "variation_id": 0, + "video_id": "23585" + } + ] + }, + { + "gloss": "glasses", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 886, + "frame_start": 824, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24718" + }, + { + "bbox": [ + 332, + 10, + 944, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=aMUgr_JttSM", + "variation_id": 0, + "video_id": "68334" + }, + { + "bbox": [ + 686, + 81, + 1639, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Glasses%202-vxyyYSeMsoQ.mp4", + "variation_id": 0, + "video_id": "24724" + }, + { + "bbox": [ + 657, + 73, + 1668, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Glasses-YAWpePAtslQ.mp4", + "variation_id": 0, + "video_id": "24725" + }, + { + "bbox": [ + 31, + 4, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549134.8281.mp4", + "variation_id": 0, + "video_id": "24726" + }, + { + "bbox": [ + 67, + 13, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7800.mp4", + "variation_id": 0, + "video_id": "24728" + }, + { + "bbox": [ + 289, + 20, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m4qO1tVEIAw", + "variation_id": 0, + "video_id": "24729" + }, + { + "bbox": [ + 158, + 41, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GL/GLASSES-467.mp4", + "variation_id": 0, + "video_id": "65822" + }, + { + "bbox": [ + 57, + 13, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/311370.mp4", + "variation_id": 0, + "video_id": "24720" + }, + { + "bbox": [ + 94, + 4, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/pLkrF4guZFU", + "variation_id": 0, + "video_id": "67710" + }, + { + "bbox": [ + 28, + 6, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/g/glasses_reading.swf", + "variation_id": 0, + "video_id": "24731" + }, + { + "bbox": [ + 182, + 55, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/glasses.mp4", + "variation_id": 0, + "video_id": "24732" + }, + { + "bbox": [ + 423, + 71, + 846, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/glasses-2.mp4", + "variation_id": 0, + "video_id": "24721" + }, + { + "bbox": [ + 420, + 77, + 817, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/glasses-3.mp4", + "variation_id": 0, + "video_id": "24722" + } + ] + }, + { + "gloss": "halloween", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 297, + "frame_start": 248, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26250" + }, + { + "bbox": [ + 90, + 10, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468579154.137.mp4", + "variation_id": 1, + "video_id": "26255" + }, + { + "bbox": [ + 56, + 8, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/halloween2.mp4", + "variation_id": 0, + "video_id": "26256" + }, + { + "bbox": [ + 68, + 6, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/halloween.mp4", + "variation_id": 1, + "video_id": "26258" + }, + { + "bbox": [ + 91, + 22, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23070.mp4", + "variation_id": 1, + "video_id": "26259" + }, + { + "bbox": [ + 166, + 24, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HA/HALLOWEEN_1-2368.mp4", + "variation_id": 1, + "video_id": "65873" + }, + { + "bbox": [ + 154, + 35, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HA/HALLOWEEN_2-1845.mp4", + "variation_id": 0, + "video_id": "65874" + }, + { + "bbox": [ + 353, + 26, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=etaFxJRJxhc", + "variation_id": 1, + "video_id": "26260" + }, + { + "bbox": [ + 0, + 9, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/halloween.swf", + "variation_id": 0, + "video_id": "26261" + }, + { + "bbox": [ + 186, + 49, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/halloween.mp4", + "variation_id": 1, + "video_id": "26262" + }, + { + "bbox": [ + 70, + 52, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93113.mp4", + "variation_id": 1, + "video_id": "26251" + }, + { + "bbox": [ + 36, + 49, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93114.mp4", + "variation_id": 0, + "video_id": "26252" + }, + { + "bbox": [ + 424, + 57, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/halloween2.mp4", + "variation_id": 0, + "video_id": "26253" + }, + { + "bbox": [ + 427, + 56, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/halloween.mp4", + "variation_id": 1, + "video_id": "26254" + } + ] + }, + { + "gloss": "hard", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 567, + "frame_start": 528, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26559" + }, + { + "bbox": [ + 569, + 81, + 1310, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/hard.mp4", + "variation_id": 0, + "video_id": "69358" + }, + { + "bbox": [ + 373, + 6, + 1069, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=6mbmSZcH8vA", + "variation_id": 0, + "video_id": "68065" + }, + { + "bbox": [ + 111, + 11, + 522, + 359 + ], + "fps": 25, + "frame_end": 60, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=BkACe7lYnRE", + "variation_id": 0, + "video_id": "68352" + }, + { + "bbox": [ + 76, + 17, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6655.mp4", + "variation_id": 0, + "video_id": "26573" + }, + { + "bbox": [ + 73, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8596.mp4", + "variation_id": 0, + "video_id": "26574" + }, + { + "bbox": [ + 330, + 55, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RgGjl2y6dkM", + "variation_id": 0, + "video_id": "26576" + }, + { + "bbox": [ + 115, + 26, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7ayLX9x_g9w", + "variation_id": 0, + "video_id": "67744" + }, + { + "bbox": [ + 25, + 11, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hard.swf", + "variation_id": 0, + "video_id": "26577" + }, + { + "bbox": [ + 422, + 51, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hard.mp4", + "variation_id": 0, + "video_id": "26568" + }, + { + "bbox": [ + 672, + 140, + 1435, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hard-wuktyvLrrWI.mp4", + "variation_id": 0, + "video_id": "26569" + }, + { + "bbox": [ + 44, + 19, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468579638.8470.mp4", + "variation_id": 0, + "video_id": "26570" + }, + { + "bbox": [ + 90, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hard2.mp4", + "variation_id": 0, + "video_id": "26571" + }, + { + "bbox": [ + 60, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hard.mp4", + "variation_id": 0, + "video_id": "26572" + } + ] + }, + { + "gloss": "heart", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1113, + "frame_start": 1057, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27013" + }, + { + "bbox": [ + 675, + 55, + 1512, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Heart%20copy-ruzHjYmh9Yw.mp4", + "variation_id": 0, + "video_id": "27044" + }, + { + "bbox": [ + 93, + 12, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580452.623.mp4", + "variation_id": 0, + "video_id": "27046" + }, + { + "bbox": [ + 89, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/heart2.mp4", + "variation_id": 1, + "video_id": "27047" + }, + { + "bbox": [ + 123, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/heart.mp4", + "variation_id": 0, + "video_id": "27048" + }, + { + "bbox": [ + 87, + 14, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8387.mp4", + "variation_id": 0, + "video_id": "27050" + }, + { + "bbox": [ + 81, + 14, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8388.mp4", + "variation_id": 1, + "video_id": "27051" + }, + { + "bbox": [ + 61, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456569.mp4", + "variation_id": 1, + "video_id": "27042" + }, + { + "bbox": [ + 95, + 20, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0jSUF1b4YiU", + "variation_id": 1, + "video_id": "67752" + }, + { + "bbox": [ + 160, + 4, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=t6qHzKr2t2s", + "variation_id": 0, + "video_id": "27053" + }, + { + "bbox": [ + 0, + 5, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/heart.swf", + "variation_id": 1, + "video_id": "27055" + }, + { + "bbox": [ + 182, + 52, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/heart2.mp4", + "variation_id": 1, + "video_id": "27056" + }, + { + "bbox": [ + 192, + 60, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/heart.mp4", + "variation_id": 0, + "video_id": "27057" + }, + { + "bbox": [ + 670, + 51, + 1580, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Heart%202-HROvaYjDSms.mp4", + "variation_id": 1, + "video_id": "27043" + } + ] + }, + { + "gloss": "hour", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2328, + "frame_start": 2286, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28134" + }, + { + "bbox": [ + 99, + 22, + 286, + 240 + ], + "fps": 25, + "frame_end": 508, + "frame_start": 397, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70303" + }, + { + "bbox": [ + 80, + 11, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468638699.1547.mp4", + "variation_id": 0, + "video_id": "28140" + }, + { + "bbox": [ + 61, + 10, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hour2.mp4", + "variation_id": 0, + "video_id": "28141" + }, + { + "bbox": [ + 62, + 10, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hour.mp4", + "variation_id": 0, + "video_id": "28142" + }, + { + "bbox": [ + 77, + 17, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7634.mp4", + "variation_id": 0, + "video_id": "28143" + }, + { + "bbox": [ + 77, + 18, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7644.mp4", + "variation_id": 0, + "video_id": "28144" + }, + { + "bbox": [ + 63, + 10, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9634.mp4", + "variation_id": 0, + "video_id": "28145" + }, + { + "bbox": [ + 165, + 9, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DQ5bJNz2Vyg", + "variation_id": 0, + "video_id": "28146" + }, + { + "bbox": [ + 320, + 18, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=IO0cNQ8OO-4", + "variation_id": 0, + "video_id": "28148" + }, + { + "bbox": [ + 0, + 7, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/h/hour.swf", + "variation_id": 0, + "video_id": "28149" + }, + { + "bbox": [ + 190, + 55, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/hour.mp4", + "variation_id": 0, + "video_id": "28150" + }, + { + "bbox": [ + 231, + 17, + 540, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hour.mp4", + "variation_id": 0, + "video_id": "28138" + }, + { + "bbox": [ + 527, + 1, + 1381, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hour-X1xl_EXNYuE.mp4", + "variation_id": 0, + "video_id": "28139" + } + ] + }, + { + "gloss": "humble", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2558, + "frame_start": 2506, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28306" + }, + { + "bbox": [ + 651, + 55, + 1673, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Humble-F-HKno7xg2w.mp4", + "variation_id": 0, + "video_id": "28311" + }, + { + "bbox": [ + 56, + 1, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468639103.527.mp4", + "variation_id": 0, + "video_id": "28312" + }, + { + "bbox": [ + 86, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/humble.mp4", + "variation_id": 0, + "video_id": "28313" + }, + { + "bbox": [ + 80, + 22, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23640.mp4", + "variation_id": 0, + "video_id": "28314" + }, + { + "bbox": [ + 82, + 22, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23641.mp4", + "variation_id": 0, + "video_id": "28315" + }, + { + "bbox": [ + 163, + 18, + 435, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/akuiYBq3bEk", + "variation_id": 0, + "video_id": "67778" + }, + { + "bbox": [ + 320, + 36, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hmjNdVwDvfs", + "variation_id": 0, + "video_id": "28316" + }, + { + "bbox": [ + 303, + 25, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=q7GZV06uA-4", + "variation_id": 0, + "video_id": "28317" + }, + { + "bbox": [ + 0, + 5, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/humble.swf", + "variation_id": 0, + "video_id": "28318" + }, + { + "bbox": [ + 186, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/humble.mp4", + "variation_id": 0, + "video_id": "28319" + }, + { + "bbox": [ + 404, + 55, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/humble.mp4", + "variation_id": 0, + "video_id": "28308" + }, + { + "bbox": [ + 639, + 40, + 1550, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Humble%202-itSn6wRGPH4.mp4", + "variation_id": 0, + "video_id": "28309" + }, + { + "bbox": [ + 665, + 52, + 1600, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Humble%203-BOuuBoXydzY.mp4", + "variation_id": 0, + "video_id": "28310" + } + ] + }, + { + "gloss": "hurry", + "instances": [ + { + "bbox": [ + 72, + 33, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91443.mp4", + "variation_id": 0, + "video_id": "28423" + }, + { + "bbox": [ + 405, + 58, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hurry.mp4", + "variation_id": 0, + "video_id": "28424" + }, + { + "bbox": [ + 161, + 44, + 405, + 360 + ], + "fps": 25, + "frame_end": 5173, + "frame_start": 5091, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70236" + }, + { + "bbox": [ + 342, + 19, + 924, + 720 + ], + "fps": 25, + "frame_end": 43, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=k1ogX-LRxWA", + "variation_id": 0, + "video_id": "68616" + }, + { + "bbox": [ + 560, + 54, + 1672, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hurry-lDITOVroKIE.mp4", + "variation_id": 0, + "video_id": "28425" + }, + { + "bbox": [ + 304, + 71, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=hVP5Rali-YQ", + "variation_id": 0, + "video_id": "28433" + }, + { + "bbox": [ + 81, + 12, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468639357.2122.mp4", + "variation_id": 0, + "video_id": "28426" + }, + { + "bbox": [ + 61, + 14, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hurry2.mp4", + "variation_id": 0, + "video_id": "28427" + }, + { + "bbox": [ + 14, + 7, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hurry.swf", + "variation_id": 0, + "video_id": "28435" + }, + { + "bbox": [ + 69, + 14, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/hurry.mp4", + "variation_id": 0, + "video_id": "28428" + }, + { + "bbox": [ + 183, + 51, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/hurry.mp4", + "variation_id": 0, + "video_id": "28436" + }, + { + "bbox": [ + 78, + 22, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22327.mp4", + "variation_id": 0, + "video_id": "28429" + }, + { + "bbox": [ + 77, + 23, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22328.mp4", + "variation_id": 0, + "video_id": "28430" + }, + { + "bbox": [ + 88, + 3, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=a1LfYAZfxH4", + "variation_id": 0, + "video_id": "28432" + } + ] + }, + { + "gloss": "improve", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 560, + "frame_start": 511, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29134" + }, + { + "bbox": [ + 75, + 14, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/improve.mp4", + "variation_id": 0, + "video_id": "29142" + }, + { + "bbox": [ + 68, + 13, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8926.mp4", + "variation_id": 0, + "video_id": "29143" + }, + { + "bbox": [ + 66, + 9, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8927.mp4", + "variation_id": 0, + "video_id": "29144" + }, + { + "bbox": [ + 68, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8928.mp4", + "variation_id": 0, + "video_id": "29145" + }, + { + "bbox": [ + 184, + 35, + 518, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IM/IMPROVE-1743.mp4", + "variation_id": 0, + "video_id": "65929" + }, + { + "bbox": [ + 58, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457821.mp4", + "variation_id": 0, + "video_id": "29136" + }, + { + "bbox": [ + 19, + 14, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/improve.swf", + "variation_id": 0, + "video_id": "29146" + }, + { + "bbox": [ + 180, + 53, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/improve.mp4", + "variation_id": 0, + "video_id": "29147" + }, + { + "bbox": [ + 438, + 59, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/improve.mp4", + "variation_id": 0, + "video_id": "29137" + }, + { + "bbox": [ + 623, + 52, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Improve%20copy-_cCPPgyJaM0.mp4", + "variation_id": 0, + "video_id": "29138" + }, + { + "bbox": [ + 68, + 10, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468665694.6332.mp4", + "variation_id": 0, + "video_id": "29139" + }, + { + "bbox": [ + 69, + 15, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/improve2.mp4", + "variation_id": 0, + "video_id": "29140" + }, + { + "bbox": [ + 65, + 16, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/improve-big.mp4", + "variation_id": 0, + "video_id": "29141" + } + ] + }, + { + "gloss": "internet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1455, + "frame_start": 1403, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30227" + }, + { + "bbox": [ + 74, + 15, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468667898.8405.mp4", + "variation_id": 0, + "video_id": "30235" + }, + { + "bbox": [ + 104, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/internet.mp4", + "variation_id": 0, + "video_id": "30237" + }, + { + "bbox": [ + 117, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/internet-old.mp4", + "variation_id": 0, + "video_id": "30238" + }, + { + "bbox": [ + 102, + 20, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23287.mp4", + "variation_id": 0, + "video_id": "30239" + }, + { + "bbox": [ + 77, + 12, + 233, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/internet.mov", + "variation_id": 0, + "video_id": "30230" + }, + { + "bbox": [ + 85, + 24, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8iu4yAES0Dg", + "variation_id": 0, + "video_id": "67793" + }, + { + "bbox": [ + 301, + 53, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8Bm2uG-suEA", + "variation_id": 0, + "video_id": "30240" + }, + { + "bbox": [ + 313, + 58, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WSksNKr2DCA", + "variation_id": 0, + "video_id": "30241" + }, + { + "bbox": [ + 246, + 44, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/internet.mp4", + "variation_id": 0, + "video_id": "30242" + }, + { + "bbox": [ + 35, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51859.mp4", + "variation_id": 0, + "video_id": "30231" + }, + { + "bbox": [ + 424, + 55, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/internet.mp4", + "variation_id": 0, + "video_id": "30232" + }, + { + "bbox": [ + 561, + 51, + 1547, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Internet%2C%20Website%2C%20Online-IxTYPgc1Rs0.mp4", + "variation_id": 0, + "video_id": "30233" + }, + { + "bbox": [ + 789, + 63, + 1703, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Network%2C%C2%A0Internet%2C%20Online-PS5pFoAh6UY.mp4", + "variation_id": 0, + "video_id": "30234" + } + ] + }, + { + "gloss": "jump", + "instances": [ + { + "bbox": [ + 281, + 24, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/jump.mp4", + "variation_id": 0, + "video_id": "69380" + }, + { + "bbox": [ + 167, + 16, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/JU/JUMP-159.mp4", + "variation_id": 0, + "video_id": "65983" + }, + { + "bbox": [ + 193, + 0, + 651, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=60gzerYeUhA", + "variation_id": 0, + "video_id": "68080" + }, + { + "bbox": [ + 311, + 0, + 901, + 720 + ], + "fps": 25, + "frame_end": 55, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=WLKcFS7LFYk", + "variation_id": 0, + "video_id": "69000" + }, + { + "bbox": [ + 0, + 4, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/j/jump.swf", + "variation_id": 0, + "video_id": "31323" + }, + { + "bbox": [ + 190, + 64, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/jump.mp4", + "variation_id": 0, + "video_id": "31324" + }, + { + "bbox": [ + 621, + 82, + 1603, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jump-FuG-Tt5rjqY.mp4", + "variation_id": 0, + "video_id": "31315" + }, + { + "bbox": [ + 78, + 23, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/V7-4NGS-3EM", + "variation_id": 0, + "video_id": "67810" + }, + { + "bbox": [ + 28, + 10, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468669834.1773.mp4", + "variation_id": 0, + "video_id": "31316" + }, + { + "bbox": [ + 84, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/j/jump2.mp4", + "variation_id": 0, + "video_id": "31317" + }, + { + "bbox": [ + 85, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/j/jump.mp4", + "variation_id": 0, + "video_id": "31318" + }, + { + "bbox": [ + 59, + 22, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22210.mp4", + "variation_id": 0, + "video_id": "31320" + }, + { + "bbox": [ + 286, + 121, + 853, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=j0CEh6MdtCs", + "variation_id": 0, + "video_id": "31321" + }, + { + "bbox": [ + 290, + 44, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yCL4l8WBMVo", + "variation_id": 0, + "video_id": "31322" + } + ] + }, + { + "gloss": "kill", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 336, + "frame_start": 297, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31641" + }, + { + "bbox": [ + 101, + 0, + 500, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/kill.mp4", + "variation_id": 0, + "video_id": "31654" + }, + { + "bbox": [ + 71, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6060.mp4", + "variation_id": 0, + "video_id": "31655" + }, + { + "bbox": [ + 107, + 13, + 502, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=cC59C9Vm5ig", + "variation_id": 0, + "video_id": "31656" + }, + { + "bbox": [ + 249, + 71, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RxA_6j1Jo6Y", + "variation_id": 0, + "video_id": "31657" + }, + { + "bbox": [ + 272, + 51, + 995, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WMWkrMYcXRI", + "variation_id": 0, + "video_id": "31658" + }, + { + "bbox": [ + 189, + 12, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KI/KILL-616.mp4", + "variation_id": 0, + "video_id": "65992" + }, + { + "bbox": [ + 62, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457459.mp4", + "variation_id": 0, + "video_id": "31649" + }, + { + "bbox": [ + 93, + 17, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jwjxzQjOnaE", + "variation_id": 0, + "video_id": "67815" + }, + { + "bbox": [ + 0, + 13, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/k/kill.swf", + "variation_id": 0, + "video_id": "31659" + }, + { + "bbox": [ + 244, + 45, + 504, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/kill.mp4", + "variation_id": 0, + "video_id": "31660" + }, + { + "bbox": [ + 536, + 59, + 1560, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Kill-08Yu0kke0b4.mp4", + "variation_id": 0, + "video_id": "31650" + }, + { + "bbox": [ + 573, + 59, + 1530, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Murder%2C%20Kill-v8OGoLrCcbw.mp4", + "variation_id": 0, + "video_id": "31651" + }, + { + "bbox": [ + 78, + 13, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670291.3490.mp4", + "variation_id": 0, + "video_id": "31652" + } + ] + }, + { + "gloss": "law", + "instances": [ + { + "bbox": [ + 209, + 26, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LAW-1687.mp4", + "variation_id": 0, + "video_id": "66017" + }, + { + "bbox": [ + 170, + 10, + 524, + 480 + ], + "fps": 25, + "frame_end": 3077, + "frame_start": 2953, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70158" + }, + { + "bbox": [ + 197, + 5, + 1030, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=b0_QecPrt7I", + "variation_id": 0, + "video_id": "32454" + }, + { + "bbox": [ + 349, + 37, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=OZy1ugYqyyc", + "variation_id": 0, + "video_id": "32455" + }, + { + "bbox": [ + 346, + 29, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UiZFngz5QJg", + "variation_id": 0, + "video_id": "32456" + }, + { + "bbox": [ + 60, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58320.mp4", + "variation_id": 0, + "video_id": "32447" + }, + { + "bbox": [ + 0, + 10, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/law.swf", + "variation_id": 0, + "video_id": "32457" + }, + { + "bbox": [ + 178, + 55, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/law.mp4", + "variation_id": 0, + "video_id": "32458" + }, + { + "bbox": [ + 416, + 56, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/law.mp4", + "variation_id": 0, + "video_id": "32448" + }, + { + "bbox": [ + 730, + 61, + 1615, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Law-HsdxXXBNXIw.mp4", + "variation_id": 0, + "video_id": "32449" + }, + { + "bbox": [ + 174, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468671514.5370.mp4", + "variation_id": 0, + "video_id": "32450" + }, + { + "bbox": [ + 160, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/law.mp4", + "variation_id": 0, + "video_id": "32451" + }, + { + "bbox": [ + 77, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6447.mp4", + "variation_id": 0, + "video_id": "32452" + }, + { + "bbox": [ + 197, + 5, + 1030, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=b0_QecPrt7I", + "variation_id": 0, + "video_id": "32453" + } + ] + }, + { + "gloss": "match", + "instances": [ + { + "bbox": [ + 163, + 30, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MATCH-1624.mp4", + "variation_id": 0, + "video_id": "66106" + }, + { + "bbox": [ + 54, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/match-fire.mp4", + "variation_id": 1, + "video_id": "35117" + }, + { + "bbox": [ + 78, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/match.mp4", + "variation_id": 0, + "video_id": "35118" + }, + { + "bbox": [ + 76, + 13, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14474.mp4", + "variation_id": 0, + "video_id": "35119" + }, + { + "bbox": [ + 47, + 1, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14475.mp4", + "variation_id": 0, + "video_id": "35120" + }, + { + "bbox": [ + 75, + 6, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14476.mp4", + "variation_id": 0, + "video_id": "35121" + }, + { + "bbox": [ + 300, + 59, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ABQjGtYOQY4", + "variation_id": 1, + "video_id": "35122" + }, + { + "bbox": [ + 91, + 20, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/lvk8sZnz7xo", + "variation_id": 0, + "video_id": "67875" + }, + { + "bbox": [ + 266, + 38, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=C37R_Ix8-qs", + "variation_id": 1, + "video_id": "35123" + }, + { + "bbox": [ + 8, + 18, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/match.swf", + "variation_id": 1, + "video_id": "35125" + }, + { + "bbox": [ + 218, + 40, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/match.mp4", + "variation_id": 0, + "video_id": "35126" + }, + { + "bbox": [ + 463, + 0, + 1727, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Match-VhVgplew9GQ.mp4", + "variation_id": 0, + "video_id": "35114" + }, + { + "bbox": [ + 72, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714066.3792.mp4", + "variation_id": 1, + "video_id": "35115" + }, + { + "bbox": [ + 127, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714098.8144.mp4", + "variation_id": 0, + "video_id": "35116" + } + ] + }, + { + "gloss": "meat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 801, + "frame_start": 755, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35353" + }, + { + "bbox": [ + 120, + 29, + 492, + 480 + ], + "fps": 25, + "frame_end": 1924, + "frame_start": 1823, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70066" + }, + { + "bbox": [ + 306, + 63, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8E8ZiHAwzqo", + "variation_id": 0, + "video_id": "35367" + }, + { + "bbox": [ + 0, + 10, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/meat.swf", + "variation_id": 0, + "video_id": "35368" + }, + { + "bbox": [ + 169, + 53, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/beef.mp4", + "variation_id": 0, + "video_id": "35369" + }, + { + "bbox": [ + 179, + 28, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MEAT-1622.mp4", + "variation_id": 0, + "video_id": "66109" + }, + { + "bbox": [ + 56, + 7, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/75029.mp4", + "variation_id": 0, + "video_id": "35360" + }, + { + "bbox": [ + 68, + 19, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BqkaIwGKhkg", + "variation_id": 0, + "video_id": "67882" + }, + { + "bbox": [ + 418, + 60, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/meat.mp4", + "variation_id": 0, + "video_id": "35361" + }, + { + "bbox": [ + 460, + 49, + 1100, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Content%2C%20Meat-YMsnuzgcmYk.mp4", + "variation_id": 0, + "video_id": "35362" + }, + { + "bbox": [ + 348, + 15, + 823, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Meat-mtz64YOubuk.mp4", + "variation_id": 0, + "video_id": "35363" + }, + { + "bbox": [ + 121, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468714496.6036.mp4", + "variation_id": 0, + "video_id": "35364" + }, + { + "bbox": [ + 64, + 14, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/meat.mp4", + "variation_id": 0, + "video_id": "35365" + }, + { + "bbox": [ + 80, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7273.mp4", + "variation_id": 0, + "video_id": "35366" + } + ] + }, + { + "gloss": "milk", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1503, + "frame_start": 1454, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36044" + }, + { + "bbox": [ + 102, + 22, + 527, + 353 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=IrdK7mVRo6I", + "variation_id": 0, + "video_id": "68562" + }, + { + "bbox": [ + 106, + 0, + 1170, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=JD_CiyDFnkM", + "variation_id": 0, + "video_id": "68100" + }, + { + "bbox": [ + 76, + 8, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5682.mp4", + "variation_id": 0, + "video_id": "36050" + }, + { + "bbox": [ + 122, + 32, + 408, + 338 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4DPRLPgxsYo", + "variation_id": 0, + "video_id": "36052" + }, + { + "bbox": [ + 304, + 44, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4DPRLPgxsYo", + "variation_id": 0, + "video_id": "36053" + }, + { + "bbox": [ + 111, + 14, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qc6SgW2xs-M", + "variation_id": 0, + "video_id": "67893" + }, + { + "bbox": [ + 343, + 45, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5yelilk0pD4", + "variation_id": 0, + "video_id": "36054" + }, + { + "bbox": [ + 22, + 9, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/milk.swf", + "variation_id": 0, + "video_id": "36055" + }, + { + "bbox": [ + 162, + 52, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/milk.mp4", + "variation_id": 0, + "video_id": "36056" + }, + { + "bbox": [ + 213, + 16, + 515, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/milk.mp4", + "variation_id": 0, + "video_id": "36046" + }, + { + "bbox": [ + 530, + 56, + 1079, + 711 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Milk.mp4", + "variation_id": 0, + "video_id": "36047" + }, + { + "bbox": [ + 86, + 0, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715465.236.mp4", + "variation_id": 0, + "video_id": "36048" + }, + { + "bbox": [ + 56, + 15, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/milk.mp4", + "variation_id": 0, + "video_id": "36049" + } + ] + }, + { + "gloss": "money", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1776, + "frame_start": 1727, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36645" + }, + { + "bbox": [ + 134, + 24, + 488, + 480 + ], + "fps": 25, + "frame_end": 4978, + "frame_start": 4845, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70075" + }, + { + "bbox": [ + 337, + 15, + 922, + 720 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=KkaxA2qevPM", + "variation_id": 0, + "video_id": "68628" + }, + { + "bbox": [ + 422, + 45, + 1084, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Finance%252C%20Money.mp4", + "variation_id": 0, + "video_id": "36651" + }, + { + "bbox": [ + 74, + 0, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716235.9039.mp4", + "variation_id": 0, + "video_id": "36652" + }, + { + "bbox": [ + 88, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/money.mp4", + "variation_id": 0, + "video_id": "36653" + }, + { + "bbox": [ + 76, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6398.mp4", + "variation_id": 0, + "video_id": "36654" + }, + { + "bbox": [ + 338, + 30, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WH16jn3fKd8", + "variation_id": 0, + "video_id": "36657" + }, + { + "bbox": [ + 202, + 12, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MONEY-670.mp4", + "variation_id": 0, + "video_id": "66138" + }, + { + "bbox": [ + 50, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/48596.mp4", + "variation_id": 0, + "video_id": "36648" + }, + { + "bbox": [ + 95, + 28, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/kuO_0XkfoZQ", + "variation_id": 0, + "video_id": "67901" + }, + { + "bbox": [ + 66, + 13, + 425, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=zYBErcvmFFM", + "variation_id": 0, + "video_id": "36658" + }, + { + "bbox": [ + 6, + 10, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/money.swf", + "variation_id": 0, + "video_id": "36659" + }, + { + "bbox": [ + 178, + 50, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fund2.mp4", + "variation_id": 0, + "video_id": "36660" + } + ] + }, + { + "gloss": "month", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1916, + "frame_start": 1877, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36732" + }, + { + "bbox": [ + 356, + 44, + 912, + 720 + ], + "fps": 25, + "frame_end": 38, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=jX-4SgCtG84", + "variation_id": 0, + "video_id": "68608" + }, + { + "bbox": [ + 95, + 22, + 283, + 240 + ], + "fps": 25, + "frame_end": 817, + "frame_start": 716, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70305" + }, + { + "bbox": [ + 0, + 12, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/month.swf", + "variation_id": 0, + "video_id": "36740" + }, + { + "bbox": [ + 175, + 53, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/month.mp4", + "variation_id": 0, + "video_id": "36741" + }, + { + "bbox": [ + 193, + 28, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MONTH-1595.mp4", + "variation_id": 0, + "video_id": "66141" + }, + { + "bbox": [ + 82, + 0, + 418, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/cod2AgTLLx0", + "variation_id": 0, + "video_id": "67904" + }, + { + "bbox": [ + 26, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48599.mp4", + "variation_id": 0, + "video_id": "36733" + }, + { + "bbox": [ + 211, + 13, + 533, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/month.mp4", + "variation_id": 0, + "video_id": "36734" + }, + { + "bbox": [ + 667, + 154, + 1477, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20One%20Month-9QenKoWzTbo.mp4", + "variation_id": 0, + "video_id": "36735" + }, + { + "bbox": [ + 115, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468716435.1879.mp4", + "variation_id": 0, + "video_id": "36736" + }, + { + "bbox": [ + 45, + 15, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/month.mp4", + "variation_id": 0, + "video_id": "36737" + }, + { + "bbox": [ + 65, + 15, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8978.mp4", + "variation_id": 0, + "video_id": "36738" + }, + { + "bbox": [ + 163, + 13, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YLuGuPS6NU8", + "variation_id": 0, + "video_id": "36739" + } + ] + }, + { + "gloss": "moon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2039, + "frame_start": 1990, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36774" + }, + { + "bbox": [ + 28, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716507.3613.mp4", + "variation_id": 0, + "video_id": "36783" + }, + { + "bbox": [ + 57, + 13, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/moon.mp4", + "variation_id": 0, + "video_id": "36785" + }, + { + "bbox": [ + 156, + 0, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=vtl8Wc8XCbk", + "variation_id": 0, + "video_id": "36787" + }, + { + "bbox": [ + 0, + 3, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/moon_crescent.swf", + "variation_id": 0, + "video_id": "36788" + }, + { + "bbox": [ + 155, + 19, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MOON-1594.mp4", + "variation_id": 0, + "video_id": "66142" + }, + { + "bbox": [ + 68, + 1, + 249, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/moon.mov", + "variation_id": 0, + "video_id": "36779" + }, + { + "bbox": [ + 69, + 15, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/nh42A8ejejU", + "variation_id": 0, + "video_id": "67903" + }, + { + "bbox": [ + 0, + 3, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/moon_full.swf", + "variation_id": 0, + "video_id": "36789" + }, + { + "bbox": [ + 0, + 4, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/moon.swf", + "variation_id": 0, + "video_id": "36790" + }, + { + "bbox": [ + 152, + 52, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/moon.mp4", + "variation_id": 0, + "video_id": "36791" + }, + { + "bbox": [ + 19, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/48600.mp4", + "variation_id": 0, + "video_id": "36780" + }, + { + "bbox": [ + 307, + 56, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/moon.mp4", + "variation_id": 0, + "video_id": "36781" + }, + { + "bbox": [ + 704, + 120, + 1567, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Moon-dIr6Hdbibc8.mp4", + "variation_id": 0, + "video_id": "36782" + } + ] + }, + { + "gloss": "move", + "instances": [ + { + "bbox": [ + 194, + 15, + 513, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MOVE-528.mp4", + "variation_id": 0, + "video_id": "66151" + }, + { + "bbox": [ + 0, + 30, + 1001, + 720 + ], + "fps": 25, + "frame_end": 99, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=AJk44gGftoM", + "variation_id": 0, + "video_id": "68328" + }, + { + "bbox": [ + 194, + 52, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/move.mp4", + "variation_id": 0, + "video_id": "37102" + }, + { + "bbox": [ + 321, + 58, + 836, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/move.mp4", + "variation_id": 0, + "video_id": "37086" + }, + { + "bbox": [ + 448, + 102, + 1569, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Move-Ald0nKGegZQ.mp4", + "variation_id": 0, + "video_id": "37087" + }, + { + "bbox": [ + 105, + 0, + 618, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717054.6396.mp4", + "variation_id": 0, + "video_id": "37089" + }, + { + "bbox": [ + 84, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/move.mp4", + "variation_id": 0, + "video_id": "37091" + }, + { + "bbox": [ + 7, + 9, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14617.mp4", + "variation_id": 0, + "video_id": "37093" + }, + { + "bbox": [ + 48, + 13, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2108.mp4", + "variation_id": 0, + "video_id": "37094" + }, + { + "bbox": [ + 52, + 11, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/63622.mp4", + "variation_id": 0, + "video_id": "37085" + }, + { + "bbox": [ + 89, + 20, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/zIePAaKHToM", + "variation_id": 0, + "video_id": "67913" + }, + { + "bbox": [ + 35, + 11, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6650.mp4", + "variation_id": 0, + "video_id": "37097" + }, + { + "bbox": [ + 65, + 7, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9912.mp4", + "variation_id": 0, + "video_id": "37098" + }, + { + "bbox": [ + 298, + 38, + 1084, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OxKJDUAYsjg", + "variation_id": 0, + "video_id": "37100" + } + ] + }, + { + "gloss": "near", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 326, + "frame_start": 270, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37773" + }, + { + "bbox": [ + 138, + 39, + 478, + 480 + ], + "fps": 25, + "frame_end": 848, + "frame_start": 734, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70180" + }, + { + "bbox": [ + 125, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718072.176.mp4", + "variation_id": 0, + "video_id": "37790" + }, + { + "bbox": [ + 2, + 0, + 308, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/near2.mp4", + "variation_id": 0, + "video_id": "37791" + }, + { + "bbox": [ + 123, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/near.mp4", + "variation_id": 0, + "video_id": "37792" + }, + { + "bbox": [ + 53, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48810.mp4", + "variation_id": 0, + "video_id": "37784" + }, + { + "bbox": [ + 67, + 13, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14713.mp4", + "variation_id": 0, + "video_id": "37794" + }, + { + "bbox": [ + 19, + 17, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/near.swf", + "variation_id": 0, + "video_id": "37795" + }, + { + "bbox": [ + 186, + 57, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/close.mp4", + "variation_id": 0, + "video_id": "37796" + }, + { + "bbox": [ + 397, + 51, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/near.mp4", + "variation_id": 0, + "video_id": "37785" + }, + { + "bbox": [ + 687, + 68, + 1441, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Near%202-mNYYD8m5cdA.mp4", + "variation_id": 0, + "video_id": "37786" + }, + { + "bbox": [ + 713, + 45, + 1681, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Near-FvpESshurCM.mp4", + "variation_id": 0, + "video_id": "37787" + }, + { + "bbox": [ + 685, + 55, + 1456, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Near-NHzMwjY1u8k.mp4", + "variation_id": 0, + "video_id": "37788" + }, + { + "bbox": [ + 538, + 0, + 1367, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Near-xLl0ptpuPfA.mp4", + "variation_id": 0, + "video_id": "37789" + } + ] + }, + { + "gloss": "nephew", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 740, + "frame_start": 684, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37983" + }, + { + "bbox": [ + 178, + 44, + 441, + 360 + ], + "fps": 25, + "frame_end": 2159, + "frame_start": 2049, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70337" + }, + { + "bbox": [ + 247, + 20, + 877, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=wTwoInjrH9k", + "variation_id": 0, + "video_id": "69008" + }, + { + "bbox": [ + 240, + 34, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=I9b1RkdY8Ng", + "variation_id": 0, + "video_id": "37991" + }, + { + "bbox": [ + 26, + 17, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nephew.swf", + "variation_id": 0, + "video_id": "37992" + }, + { + "bbox": [ + 144, + 21, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LyWen6iyYuM", + "variation_id": 0, + "video_id": "67926" + }, + { + "bbox": [ + 187, + 55, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nephew.mp4", + "variation_id": 0, + "video_id": "37993" + }, + { + "bbox": [ + 30, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48811.mp4", + "variation_id": 0, + "video_id": "37984" + }, + { + "bbox": [ + 193, + 14, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/nephew.mp4", + "variation_id": 0, + "video_id": "37985" + }, + { + "bbox": [ + 308, + 14, + 775, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nephew-INBtIyECKJ0.mp4", + "variation_id": 0, + "video_id": "37986" + }, + { + "bbox": [ + 81, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468718373.4133.mp4", + "variation_id": 0, + "video_id": "37987" + }, + { + "bbox": [ + 78, + 29, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/n/nephew.mp4", + "variation_id": 0, + "video_id": "37988" + }, + { + "bbox": [ + 45, + 12, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6521.mp4", + "variation_id": 0, + "video_id": "37989" + }, + { + "bbox": [ + 253, + 32, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ef4RZhDwuhQ", + "variation_id": 0, + "video_id": "37990" + } + ] + }, + { + "gloss": "nice", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1164, + "frame_start": 1128, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38281" + }, + { + "bbox": [ + 153, + 41, + 418, + 360 + ], + "fps": 25, + "frame_end": 5613, + "frame_start": 5522, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=25ymRY7hbjs", + "variation_id": 0, + "video_id": "70021" + }, + { + "bbox": [ + 134, + 22, + 494, + 480 + ], + "fps": 25, + "frame_end": 7588, + "frame_start": 7507, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70050" + }, + { + "bbox": [ + 361, + 13, + 922, + 720 + ], + "fps": 25, + "frame_end": 34, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=XUHIW7bxAIo", + "variation_id": 0, + "video_id": "69036" + }, + { + "bbox": [ + 253, + 18, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=3aXS3keR8oY", + "variation_id": 0, + "video_id": "38288" + }, + { + "bbox": [ + 335, + 53, + 858, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=dOvLoArLzcw", + "variation_id": 0, + "video_id": "38289" + }, + { + "bbox": [ + 0, + 5, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nice.swf", + "variation_id": 0, + "video_id": "38292" + }, + { + "bbox": [ + 225, + 50, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/kind2.mp4", + "variation_id": 0, + "video_id": "38293" + }, + { + "bbox": [ + 49, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/111066.mp4", + "variation_id": 0, + "video_id": "38282" + }, + { + "bbox": [ + 380, + 56, + 803, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/nice.mp4", + "variation_id": 0, + "video_id": "38283" + }, + { + "bbox": [ + 653, + 21, + 1700, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 3, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nice-WHPAZyGhilQ.mp4", + "variation_id": 0, + "video_id": "38284" + }, + { + "bbox": [ + 131, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468718991.3483.mp4", + "variation_id": 0, + "video_id": "38285" + }, + { + "bbox": [ + 105, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nice.mp4", + "variation_id": 0, + "video_id": "38286" + }, + { + "bbox": [ + 64, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7443.mp4", + "variation_id": 0, + "video_id": "38287" + } + ] + }, + { + "gloss": "niece", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1270, + "frame_start": 1218, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38314" + }, + { + "bbox": [ + 196, + 46, + 440, + 360 + ], + "fps": 25, + "frame_end": 2314, + "frame_start": 2203, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70338" + }, + { + "bbox": [ + 303, + 20, + 877, + 720 + ], + "fps": 25, + "frame_end": 38, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=j7ybSP4gw98", + "variation_id": 0, + "video_id": "68584" + }, + { + "bbox": [ + 294, + 39, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=NOv6lpXTnyo", + "variation_id": 0, + "video_id": "38322" + }, + { + "bbox": [ + 1, + 11, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/niece.swf", + "variation_id": 0, + "video_id": "38323" + }, + { + "bbox": [ + 163, + 28, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NI/NIECE-1571.mp4", + "variation_id": 0, + "video_id": "66171" + }, + { + "bbox": [ + 250, + 39, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/niece.mp4", + "variation_id": 0, + "video_id": "38324" + }, + { + "bbox": [ + 52, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48820.mp4", + "variation_id": 0, + "video_id": "38315" + }, + { + "bbox": [ + 226, + 14, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/neice.mp4", + "variation_id": 0, + "video_id": "38316" + }, + { + "bbox": [ + 353, + 15, + 761, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Niece-9toTZ-aMVWs.mp4", + "variation_id": 0, + "video_id": "38317" + }, + { + "bbox": [ + 97, + 0, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468719070.6193.mp4", + "variation_id": 0, + "video_id": "38318" + }, + { + "bbox": [ + 91, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/n/niece.mp4", + "variation_id": 0, + "video_id": "38319" + }, + { + "bbox": [ + 67, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5890.mp4", + "variation_id": 0, + "video_id": "38320" + }, + { + "bbox": [ + 275, + 48, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2QjBxzVbD7Y", + "variation_id": 0, + "video_id": "38321" + } + ] + }, + { + "gloss": "noon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1480, + "frame_start": 1438, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38614" + }, + { + "bbox": [ + 143, + 38, + 425, + 360 + ], + "fps": 25, + "frame_end": 927, + "frame_start": 820, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70280" + }, + { + "bbox": [ + 171, + 43, + 951, + 720 + ], + "fps": 25, + "frame_end": 83, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=uAX2-wwHeYk", + "variation_id": 0, + "video_id": "68934" + }, + { + "bbox": [ + 339, + 30, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=gEUUQT-arjQ", + "variation_id": 0, + "video_id": "38628" + }, + { + "bbox": [ + 310, + 10, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WctweqnCFLc", + "variation_id": 0, + "video_id": "38629" + }, + { + "bbox": [ + 251, + 14, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Zjt7g0C5MTs", + "variation_id": 0, + "video_id": "38630" + }, + { + "bbox": [ + 392, + 52, + 799, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/noon.mp4", + "variation_id": 0, + "video_id": "38621" + }, + { + "bbox": [ + 0, + 0, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/noon.swf", + "variation_id": 0, + "video_id": "38631" + }, + { + "bbox": [ + 242, + 35, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/noon.mp4", + "variation_id": 0, + "video_id": "38632" + }, + { + "bbox": [ + 432, + 9, + 1251, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 46, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Noon-Eu4HtwwjVwk.mp4", + "variation_id": 0, + "video_id": "38622" + }, + { + "bbox": [ + 586, + 72, + 1486, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Noon-mCa1E6MwGMA.mp4", + "variation_id": 0, + "video_id": "38623" + }, + { + "bbox": [ + 120, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468719459.9712.mp4", + "variation_id": 0, + "video_id": "38624" + }, + { + "bbox": [ + 110, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/noon.mp4", + "variation_id": 0, + "video_id": "38625" + }, + { + "bbox": [ + 69, + 7, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6997.mp4", + "variation_id": 0, + "video_id": "38626" + } + ] + }, + { + "gloss": "north", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1583, + "frame_start": 1531, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38654" + }, + { + "bbox": [ + 120, + 33, + 460, + 480 + ], + "fps": 25, + "frame_end": 2951, + "frame_start": 2837, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70187" + }, + { + "bbox": [ + 299, + 40, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mLWGFVIVUXY", + "variation_id": 0, + "video_id": "38688" + }, + { + "bbox": [ + 242, + 37, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=TyNK9nBCNeg", + "variation_id": 0, + "video_id": "38689" + }, + { + "bbox": [ + 21, + 0, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/north.swf", + "variation_id": 0, + "video_id": "38690" + }, + { + "bbox": [ + 82, + 11, + 249, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/north.mov", + "variation_id": 0, + "video_id": "38681" + }, + { + "bbox": [ + 121, + 13, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/wrgzFvTqqPw", + "variation_id": 0, + "video_id": "67933" + }, + { + "bbox": [ + 257, + 35, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/north.mp4", + "variation_id": 0, + "video_id": "38691" + }, + { + "bbox": [ + 33, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49001.mp4", + "variation_id": 0, + "video_id": "38682" + }, + { + "bbox": [ + 409, + 58, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/north.mp4", + "variation_id": 0, + "video_id": "38683" + }, + { + "bbox": [ + 656, + 82, + 1517, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20North-J_4pPcg2bAk.mp4", + "variation_id": 0, + "video_id": "38684" + }, + { + "bbox": [ + 107, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468719562.50.mp4", + "variation_id": 0, + "video_id": "38685" + }, + { + "bbox": [ + 60, + 17, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/north.mp4", + "variation_id": 0, + "video_id": "38686" + }, + { + "bbox": [ + 67, + 9, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8805.mp4", + "variation_id": 0, + "video_id": "38687" + } + ] + }, + { + "gloss": "not", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1737, + "frame_start": 1691, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38765" + }, + { + "bbox": [ + 347, + 28, + 904, + 720 + ], + "fps": 25, + "frame_end": 39, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=o_U50ODqKdY", + "variation_id": 0, + "video_id": "68774" + }, + { + "bbox": [ + 91, + 0, + 463, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pPcpuHCFCFU", + "variation_id": 0, + "video_id": "38864" + }, + { + "bbox": [ + 344, + 32, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=pUn7pNE5HEE", + "variation_id": 0, + "video_id": "38865" + }, + { + "bbox": [ + 398, + 37, + 943, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=v1Dvu-KIDKk", + "variation_id": 0, + "video_id": "38866" + }, + { + "bbox": [ + 91, + 43, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92963.mp4", + "variation_id": 0, + "video_id": "38857" + }, + { + "bbox": [ + 20, + 3, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/not.swf", + "variation_id": 0, + "video_id": "38867" + }, + { + "bbox": [ + 204, + 58, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/not.mp4", + "variation_id": 0, + "video_id": "38868" + }, + { + "bbox": [ + 233, + 15, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/not.mp4", + "variation_id": 0, + "video_id": "38858" + }, + { + "bbox": [ + 523, + 6, + 1390, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 3, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Not-BCUwejC9ZMw.mp4", + "variation_id": 0, + "video_id": "38859" + }, + { + "bbox": [ + 748, + 65, + 1659, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Not-WHFdDSSBcrg.mp4", + "variation_id": 0, + "video_id": "38860" + }, + { + "bbox": [ + 149, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468719771.6543.mp4", + "variation_id": 0, + "video_id": "38861" + }, + { + "bbox": [ + 118, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/not.mp4", + "variation_id": 0, + "video_id": "38862" + }, + { + "bbox": [ + 82, + 8, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14591.mp4", + "variation_id": 0, + "video_id": "38863" + } + ] + }, + { + "gloss": "nurse", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2011, + "frame_start": 1972, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "39087" + }, + { + "bbox": [ + 79, + 17, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6403.mp4", + "variation_id": 0, + "video_id": "39093" + }, + { + "bbox": [ + 318, + 25, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6Yx7NEqOvHo", + "variation_id": 0, + "video_id": "39094" + }, + { + "bbox": [ + 0, + 2, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/n/nurse_dressing_room.swf", + "variation_id": 0, + "video_id": "39095" + }, + { + "bbox": [ + 0, + 4, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nurse_hat.swf", + "variation_id": 0, + "video_id": "39096" + }, + { + "bbox": [ + 95, + 25, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/OI_2ZCJlojM", + "variation_id": 0, + "video_id": "67940" + }, + { + "bbox": [ + 0, + 4, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nurse_homecare.swf", + "variation_id": 0, + "video_id": "39097" + }, + { + "bbox": [ + 0, + 6, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nurse.swf", + "variation_id": 0, + "video_id": "39098" + }, + { + "bbox": [ + 205, + 57, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nurse.mp4", + "variation_id": 0, + "video_id": "39099" + }, + { + "bbox": [ + 52, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/49008.mp4", + "variation_id": 0, + "video_id": "39088" + }, + { + "bbox": [ + 231, + 18, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/nurse.mp4", + "variation_id": 0, + "video_id": "39089" + }, + { + "bbox": [ + 354, + 18, + 753, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nurse-9PdisRY9NCw.mp4", + "variation_id": 0, + "video_id": "39090" + }, + { + "bbox": [ + 83, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468720349.7460.mp4", + "variation_id": 0, + "video_id": "39091" + }, + { + "bbox": [ + 120, + 0, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nurse.mp4", + "variation_id": 0, + "video_id": "39092" + } + ] + }, + { + "gloss": "off", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 427, + "frame_start": 391, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39402" + }, + { + "bbox": [ + 235, + 36, + 891, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/off.mp4", + "variation_id": 0, + "video_id": "69418" + }, + { + "bbox": [ + 167, + 14, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7UUglgkkcV8", + "variation_id": 0, + "video_id": "39449" + }, + { + "bbox": [ + 160, + 15, + 499, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vl1LG51Wd1c", + "variation_id": 1, + "video_id": "39450" + }, + { + "bbox": [ + 0, + 11, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/off.swf", + "variation_id": 1, + "video_id": "39451" + }, + { + "bbox": [ + 51, + 11, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63624.mp4", + "variation_id": 0, + "video_id": "39442" + }, + { + "bbox": [ + 194, + 55, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/off2.mp4", + "variation_id": 1, + "video_id": "39452" + }, + { + "bbox": [ + 183, + 56, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/off.mp4", + "variation_id": 0, + "video_id": "39453" + }, + { + "bbox": [ + 177, + 17, + 537, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/off.mp4", + "variation_id": 1, + "video_id": "39443" + }, + { + "bbox": [ + 90, + 0, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468721061.9926.mp4", + "variation_id": 0, + "video_id": "39444" + }, + { + "bbox": [ + 45, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/off-fs.mp4", + "variation_id": 0, + "video_id": "39445" + }, + { + "bbox": [ + 18, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/off.mp4", + "variation_id": 1, + "video_id": "39446" + }, + { + "bbox": [ + 80, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14404.mp4", + "variation_id": 0, + "video_id": "39447" + }, + { + "bbox": [ + 354, + 49, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0NT8n6PZ4pI", + "variation_id": 0, + "video_id": "39448" + } + ] + }, + { + "gloss": "ok", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 617, + "frame_start": 575, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39582" + }, + { + "bbox": [ + 135, + 0, + 520, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721247.921.mp4", + "variation_id": 0, + "video_id": "39589" + }, + { + "bbox": [ + 96, + 17, + 552, + 360 + ], + "fps": 25, + "frame_end": 86, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=AWDiP3EXydk", + "variation_id": 0, + "video_id": "68342" + }, + { + "bbox": [ + 301, + 26, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=eXNd79kbUIg", + "variation_id": 0, + "video_id": "68118" + }, + { + "bbox": [ + 327, + 71, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qSIBZEk8FG0", + "variation_id": 0, + "video_id": "39594" + }, + { + "bbox": [ + 289, + 54, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rGmYiZ6AzBI", + "variation_id": 0, + "video_id": "39595" + }, + { + "bbox": [ + 202, + 58, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ok.mp4", + "variation_id": 0, + "video_id": "39596" + }, + { + "bbox": [ + 42, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49162.mp4", + "variation_id": 0, + "video_id": "39583" + }, + { + "bbox": [ + 90, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/ok.mp4", + "variation_id": 0, + "video_id": "39590" + }, + { + "bbox": [ + 420, + 53, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ok3.mp4", + "variation_id": 0, + "video_id": "39584" + }, + { + "bbox": [ + 813, + 39, + 1660, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 3, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20OK-Qb4Pt5lG6ho.mp4", + "variation_id": 0, + "video_id": "39585" + }, + { + "bbox": [ + 84, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9249.mp4", + "variation_id": 0, + "video_id": "39592" + }, + { + "bbox": [ + 813, + 39, + 1660, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20OK-Qb4Pt5lG6ho.mp4", + "variation_id": 0, + "video_id": "39586" + }, + { + "bbox": [ + 76, + 8, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=iVb3HLz3Ab8", + "variation_id": 0, + "video_id": "39593" + } + ] + }, + { + "gloss": "patient", + "instances": [ + { + "bbox": [ + 213, + 11, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PATIENT-250.mp4", + "variation_id": 0, + "video_id": "66270" + }, + { + "bbox": [ + 105, + 0, + 480, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724395.2789.mp4", + "variation_id": 0, + "video_id": "41509" + }, + { + "bbox": [ + 436, + 52, + 817, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/patient.mp4", + "variation_id": 0, + "video_id": "41506" + }, + { + "bbox": [ + 54, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/patient.mp4", + "variation_id": 0, + "video_id": "41510" + }, + { + "bbox": [ + 71, + 18, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8600.mp4", + "variation_id": 0, + "video_id": "41511" + }, + { + "bbox": [ + 102, + 14, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/bjTKyFHEq9E", + "variation_id": 0, + "video_id": "67968" + }, + { + "bbox": [ + 357, + 12, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fV5paFI1Xac", + "variation_id": 0, + "video_id": "41512" + }, + { + "bbox": [ + 105, + 14, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tMK_fRPoGO4", + "variation_id": 1, + "video_id": "67966" + }, + { + "bbox": [ + 363, + 33, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=GpwqfknHObE", + "variation_id": 1, + "video_id": "41513" + }, + { + "bbox": [ + 225, + 35, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/patient.mp4", + "variation_id": 1, + "video_id": "41516" + }, + { + "bbox": [ + 693, + 62, + 1564, + 1056 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Patient%20copy-ZD4Qp4w9Wwo.mp4", + "variation_id": 0, + "video_id": "41507" + }, + { + "bbox": [ + 5, + 10, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/patient_characteristic.swf", + "variation_id": 0, + "video_id": "41514" + }, + { + "bbox": [ + 660, + 88, + 1518, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Patient-V-R54zsyHss.mp4", + "variation_id": 1, + "video_id": "41508" + }, + { + "bbox": [ + 2, + 3, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/patient_medical.swf", + "variation_id": 1, + "video_id": "41515" + } + ] + }, + { + "gloss": "pay", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 789, + "frame_start": 760, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41578" + }, + { + "bbox": [ + 365, + 28, + 1011, + 720 + ], + "fps": 25, + "frame_end": 62, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=NITbWXFWvYs", + "variation_id": 0, + "video_id": "68736" + }, + { + "bbox": [ + 181, + 52, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pay.mp4", + "variation_id": 0, + "video_id": "41608" + }, + { + "bbox": [ + 366, + 56, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pay.mp4", + "variation_id": 0, + "video_id": "41592" + }, + { + "bbox": [ + 698, + 72, + 1634, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pay-Mw8SMIRky0M.mp4", + "variation_id": 0, + "video_id": "41595" + }, + { + "bbox": [ + 58, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724496.7165.mp4", + "variation_id": 0, + "video_id": "41596" + }, + { + "bbox": [ + 45, + 0, + 479, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pay.mp4", + "variation_id": 0, + "video_id": "41597" + }, + { + "bbox": [ + 69, + 13, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14618.mp4", + "variation_id": 0, + "video_id": "41598" + }, + { + "bbox": [ + 137, + 9, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PAY-878.mp4", + "variation_id": 0, + "video_id": "66271" + }, + { + "bbox": [ + 81, + 18, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6920.mp4", + "variation_id": 0, + "video_id": "41601" + }, + { + "bbox": [ + 138, + 13, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=iANhkGhvyHs", + "variation_id": 0, + "video_id": "41602" + }, + { + "bbox": [ + 263, + 29, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=QsO6GlRytyM", + "variation_id": 0, + "video_id": "41604" + }, + { + "bbox": [ + 66, + 30, + 437, + 357 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vCBq1QirTVA", + "variation_id": 0, + "video_id": "41606" + }, + { + "bbox": [ + 4, + 8, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pay.swf", + "variation_id": 0, + "video_id": "41607" + } + ] + }, + { + "gloss": "perspective", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1723, + "frame_start": 1654, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42242" + }, + { + "bbox": [ + 676, + 134, + 1457, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Perspective-JokfTNsMNoU.mp4", + "variation_id": 0, + "video_id": "42246" + }, + { + "bbox": [ + 683, + 71, + 1509, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Point%20of%20View%2C%20Perspective%2C%20Paradigm%20Shift-NZwY21cyXEk.mp4", + "variation_id": 0, + "video_id": "42247" + }, + { + "bbox": [ + 124, + 36, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1499870482.2044.mp4", + "variation_id": 0, + "video_id": "42248" + }, + { + "bbox": [ + 84, + 0, + 488, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/perspective.mp4", + "variation_id": 0, + "video_id": "42250" + }, + { + "bbox": [ + 56, + 14, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14270.mp4", + "variation_id": 0, + "video_id": "42251" + }, + { + "bbox": [ + 201, + 9, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PE/PERSPECTIVE-889.mp4", + "variation_id": 0, + "video_id": "66281" + }, + { + "bbox": [ + 54, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14332.mp4", + "variation_id": 0, + "video_id": "42252" + }, + { + "bbox": [ + 49, + 11, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14333.mp4", + "variation_id": 0, + "video_id": "42253" + }, + { + "bbox": [ + 285, + 31, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=j2CsP8qVI74", + "variation_id": 0, + "video_id": "42254" + }, + { + "bbox": [ + 0, + 10, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/perspective.swf", + "variation_id": 0, + "video_id": "42255" + }, + { + "bbox": [ + 187, + 54, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/perception.mp4", + "variation_id": 0, + "video_id": "42256" + }, + { + "bbox": [ + 77, + 7, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/perspective.mov", + "variation_id": 0, + "video_id": "42243" + }, + { + "bbox": [ + 56, + 4, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/62881.mp4", + "variation_id": 0, + "video_id": "42245" + } + ] + }, + { + "gloss": "potato", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3896, + "frame_start": 3850, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43922" + }, + { + "bbox": [ + 67, + 31, + 515, + 480 + ], + "fps": 25, + "frame_end": 981, + "frame_start": 880, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70061" + }, + { + "bbox": [ + 281, + 60, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NFKgXNb9_ic", + "variation_id": 0, + "video_id": "43936" + }, + { + "bbox": [ + 0, + 12, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/potato.swf", + "variation_id": 0, + "video_id": "43937" + }, + { + "bbox": [ + 187, + 54, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/potato.mp4", + "variation_id": 0, + "video_id": "43938" + }, + { + "bbox": [ + 214, + 5, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POTATO-922.mp4", + "variation_id": 0, + "video_id": "66318" + }, + { + "bbox": [ + 48, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/485648.mp4", + "variation_id": 0, + "video_id": "43929" + }, + { + "bbox": [ + 135, + 20, + 435, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CHo8_-LB51A", + "variation_id": 0, + "video_id": "67093" + }, + { + "bbox": [ + 426, + 64, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/potato.mp4", + "variation_id": 0, + "video_id": "43930" + }, + { + "bbox": [ + 635, + 127, + 1496, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Potato-bMnw7FVrglA.mp4", + "variation_id": 0, + "video_id": "43931" + }, + { + "bbox": [ + 316, + 15, + 815, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Potato-wbgrLPR3DX4.mp4", + "variation_id": 0, + "video_id": "43932" + }, + { + "bbox": [ + 105, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468754996.9439.mp4", + "variation_id": 0, + "video_id": "43933" + }, + { + "bbox": [ + 28, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/potato.mp4", + "variation_id": 0, + "video_id": "43934" + }, + { + "bbox": [ + 64, + 24, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23006.mp4", + "variation_id": 0, + "video_id": "43935" + } + ] + }, + { + "gloss": "sad", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 83, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "48965" + }, + { + "bbox": [ + 261, + 38, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/sad.mp4", + "variation_id": 0, + "video_id": "69450" + }, + { + "bbox": [ + 141, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762255.9874.mp4", + "variation_id": 0, + "video_id": "48976" + }, + { + "bbox": [ + 159, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sad.mp4", + "variation_id": 0, + "video_id": "48977" + }, + { + "bbox": [ + 78, + 14, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7167.mp4", + "variation_id": 0, + "video_id": "48978" + }, + { + "bbox": [ + 346, + 51, + 873, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=PF4sePzDILY", + "variation_id": 0, + "video_id": "48980" + }, + { + "bbox": [ + 54, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50772.mp4", + "variation_id": 0, + "video_id": "48971" + }, + { + "bbox": [ + 99, + 16, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pr36F4PK-8c", + "variation_id": 0, + "video_id": "67155" + }, + { + "bbox": [ + 351, + 21, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TqGqrDemNFU", + "variation_id": 0, + "video_id": "48981" + }, + { + "bbox": [ + 18, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/sad.swf", + "variation_id": 0, + "video_id": "48982" + }, + { + "bbox": [ + 200, + 45, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/sad.mp4", + "variation_id": 0, + "video_id": "48983" + }, + { + "bbox": [ + 228, + 13, + 534, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sad.mp4", + "variation_id": 0, + "video_id": "48972" + }, + { + "bbox": [ + 465, + 29, + 1103, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sad%202-v80n5JTnyTQ.mp4", + "variation_id": 0, + "video_id": "48973" + }, + { + "bbox": [ + 429, + 7, + 1282, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sad-GCyXSsozH0o.mp4", + "variation_id": 0, + "video_id": "48974" + } + ] + }, + { + "gloss": "saturday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 513, + "frame_start": 457, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49327" + }, + { + "bbox": [ + 39, + 10, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/saturdays.mp4", + "variation_id": 0, + "video_id": "49333" + }, + { + "bbox": [ + 81, + 5, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6023.mp4", + "variation_id": 0, + "video_id": "49334" + }, + { + "bbox": [ + 58, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8984.mp4", + "variation_id": 0, + "video_id": "49335" + }, + { + "bbox": [ + 350, + 41, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6aYPttH2RzM", + "variation_id": 0, + "video_id": "49336" + }, + { + "bbox": [ + 165, + 32, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SA/SATURDAY-997.mp4", + "variation_id": 0, + "video_id": "66428" + }, + { + "bbox": [ + 76, + 19, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Z8QQaRIGHjI", + "variation_id": 0, + "video_id": "67164" + }, + { + "bbox": [ + 4, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/saturday.swf", + "variation_id": 0, + "video_id": "49337" + }, + { + "bbox": [ + 198, + 50, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/saturday.mp4", + "variation_id": 0, + "video_id": "49338" + }, + { + "bbox": [ + 408, + 56, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/saturday.mp4", + "variation_id": 0, + "video_id": "49328" + }, + { + "bbox": [ + 517, + 0, + 1359, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 3, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Saturday-rr2mkJCxX2g.mp4", + "variation_id": 0, + "video_id": "49329" + }, + { + "bbox": [ + 143, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468762994.5904.mp4", + "variation_id": 0, + "video_id": "49330" + }, + { + "bbox": [ + 59, + 9, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/saturday2.mp4", + "variation_id": 0, + "video_id": "49331" + }, + { + "bbox": [ + 46, + 10, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/saturday.mp4", + "variation_id": 0, + "video_id": "49332" + } + ] + }, + { + "gloss": "save", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 730, + "frame_start": 674, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49367" + }, + { + "bbox": [ + 78, + 18, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/save-thing2.mp4", + "variation_id": 1, + "video_id": "49376" + }, + { + "bbox": [ + 76, + 17, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/save-thing.mp4", + "variation_id": 1, + "video_id": "49377" + }, + { + "bbox": [ + 86, + 25, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22978.mp4", + "variation_id": 1, + "video_id": "49378" + }, + { + "bbox": [ + 87, + 23, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22979.mp4", + "variation_id": 1, + "video_id": "49379" + }, + { + "bbox": [ + 72, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8775.mp4", + "variation_id": 0, + "video_id": "49380" + }, + { + "bbox": [ + 30, + 4, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 28, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/482569.mp4", + "variation_id": 0, + "video_id": "49371" + }, + { + "bbox": [ + 89, + 7, + 426, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=PsEMHQEHNhE", + "variation_id": 1, + "video_id": "49381" + }, + { + "bbox": [ + 19, + 18, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/save.swf", + "variation_id": 1, + "video_id": "49382" + }, + { + "bbox": [ + 173, + 47, + 593, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/save2.mp4", + "variation_id": 0, + "video_id": "49383" + }, + { + "bbox": [ + 218, + 50, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/save.mp4", + "variation_id": 1, + "video_id": "49384" + }, + { + "bbox": [ + 697, + 79, + 1639, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Saving-9ZSHxT8UfRg.mp4", + "variation_id": 1, + "video_id": "49372" + }, + { + "bbox": [ + 137, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763049.7173.mp4", + "variation_id": 1, + "video_id": "49374" + }, + { + "bbox": [ + 31, + 12, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/save-rescue.mp4", + "variation_id": 0, + "video_id": "49375" + } + ] + }, + { + "gloss": "scissors", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1143, + "frame_start": 1101, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49652" + }, + { + "bbox": [ + 71, + 8, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8668.mp4", + "variation_id": 0, + "video_id": "49658" + }, + { + "bbox": [ + 73, + 13, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8669.mp4", + "variation_id": 0, + "video_id": "49659" + }, + { + "bbox": [ + 323, + 54, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=NntEm9lv8jw", + "variation_id": 0, + "video_id": "49660" + }, + { + "bbox": [ + 0, + 2, + 237, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/scissors_food.swf", + "variation_id": 0, + "video_id": "49661" + }, + { + "bbox": [ + 152, + 33, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SC/SCISSORS-248.mp4", + "variation_id": 0, + "video_id": "66433" + }, + { + "bbox": [ + 141, + 21, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FXzcGcrDIFk", + "variation_id": 0, + "video_id": "67173" + }, + { + "bbox": [ + 6, + 2, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/scissors.swf", + "variation_id": 0, + "video_id": "49662" + }, + { + "bbox": [ + 196, + 35, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scissors.mp4", + "variation_id": 0, + "video_id": "49663" + }, + { + "bbox": [ + 67, + 11, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/310864.mp4", + "variation_id": 0, + "video_id": "49653" + }, + { + "bbox": [ + 411, + 58, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/scissors.mp4", + "variation_id": 0, + "video_id": "49654" + }, + { + "bbox": [ + 771, + 77, + 1583, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Scissors-_fm4BdBB7kQ.mp4", + "variation_id": 0, + "video_id": "49655" + }, + { + "bbox": [ + 144, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763457.6722.mp4", + "variation_id": 0, + "video_id": "49656" + }, + { + "bbox": [ + 114, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/scissors.mp4", + "variation_id": 0, + "video_id": "49657" + } + ] + }, + { + "gloss": "secret", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1617, + "frame_start": 1558, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50035" + }, + { + "bbox": [ + 58, + 15, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/secret.mp4", + "variation_id": 0, + "video_id": "50057" + }, + { + "bbox": [ + 105, + 20, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23301.mp4", + "variation_id": 0, + "video_id": "50058" + }, + { + "bbox": [ + 98, + 21, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23302.mp4", + "variation_id": 0, + "video_id": "50059" + }, + { + "bbox": [ + 103, + 23, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23304.mp4", + "variation_id": 0, + "video_id": "50061" + }, + { + "bbox": [ + 311, + 46, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ELNOdcy_1fE", + "variation_id": 0, + "video_id": "50062" + }, + { + "bbox": [ + 164, + 34, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SECRET-1009.mp4", + "variation_id": 0, + "video_id": "66440" + }, + { + "bbox": [ + 80, + 15, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310848.mp4", + "variation_id": 0, + "video_id": "50053" + }, + { + "bbox": [ + 100, + 28, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bBajpj6dICs", + "variation_id": 0, + "video_id": "67176" + }, + { + "bbox": [ + 103, + 11, + 418, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=L9TfGkTHI-w", + "variation_id": 0, + "video_id": "50064" + }, + { + "bbox": [ + 27, + 15, + 190, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/secret.swf", + "variation_id": 0, + "video_id": "50065" + }, + { + "bbox": [ + 193, + 50, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/secret.mp4", + "variation_id": 0, + "video_id": "50066" + }, + { + "bbox": [ + 726, + 142, + 1462, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Secret-SGD613coMXA.mp4", + "variation_id": 0, + "video_id": "50054" + }, + { + "bbox": [ + 143, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468764780.3618.mp4", + "variation_id": 0, + "video_id": "50055" + } + ] + }, + { + "gloss": "shoes", + "instances": [ + { + "bbox": [ + 48, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50804.mp4", + "variation_id": 0, + "video_id": "51128" + }, + { + "bbox": [ + 189, + 0, + 647, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=KuKD-rnE-x8", + "variation_id": 0, + "video_id": "68150" + }, + { + "bbox": [ + 128, + 32, + 281, + 240 + ], + "fps": 25, + "frame_end": 2825, + "frame_start": 2731, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70315" + }, + { + "bbox": [ + 310, + 91, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=GjBiBjw2Uh4", + "variation_id": 0, + "video_id": "51134" + }, + { + "bbox": [ + 328, + 38, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yoi_OLX0IEs", + "variation_id": 0, + "video_id": "51137" + }, + { + "bbox": [ + 120, + 19, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/thCR_9wP59U", + "variation_id": 0, + "video_id": "67191" + }, + { + "bbox": [ + 8, + 4, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/s/shoes_ballet.swf", + "variation_id": 0, + "video_id": "51138" + }, + { + "bbox": [ + 9, + 9, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/s/shoes_thongs.swf", + "variation_id": 0, + "video_id": "51139" + }, + { + "bbox": [ + 202, + 52, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shoe.mp4", + "variation_id": 0, + "video_id": "51140" + }, + { + "bbox": [ + 197, + 18, + 562, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shoes.mp4", + "variation_id": 0, + "video_id": "51129" + }, + { + "bbox": [ + 667, + 89, + 1648, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shoes-2O1jxmNeMNU.mp4", + "variation_id": 0, + "video_id": "51130" + }, + { + "bbox": [ + 154, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468766147.3549.mp4", + "variation_id": 0, + "video_id": "51131" + }, + { + "bbox": [ + 117, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shoes.mp4", + "variation_id": 0, + "video_id": "51132" + }, + { + "bbox": [ + 83, + 18, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7115.mp4", + "variation_id": 0, + "video_id": "51133" + } + ] + }, + { + "gloss": "shop", + "instances": [ + { + "bbox": [ + 147, + 30, + 527, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SH/SHOP_2-1039.mp4", + "variation_id": 0, + "video_id": "66468" + }, + { + "bbox": [ + 117, + 10, + 563, + 360 + ], + "fps": 25, + "frame_end": 98, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=GVGPyPQ886A", + "variation_id": 1, + "video_id": "68508" + }, + { + "bbox": [ + 197, + 22, + 1080, + 720 + ], + "fps": 25, + "frame_end": 105, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=JjR_8IzvtiA", + "variation_id": 0, + "video_id": "68600" + }, + { + "bbox": [ + 103, + 0, + 1167, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=T7aaVukx06U", + "variation_id": 1, + "video_id": "68151" + }, + { + "bbox": [ + 209, + 61, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shop.mp4", + "variation_id": 1, + "video_id": "51185" + }, + { + "bbox": [ + 92, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766273.8526.mp4", + "variation_id": 1, + "video_id": "51177" + }, + { + "bbox": [ + 81, + 23, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/YIqsGH_Cupc", + "variation_id": 1, + "video_id": "67190" + }, + { + "bbox": [ + 58, + 17, + 416, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Yp6frB0YVDo", + "variation_id": 0, + "video_id": "67192" + }, + { + "bbox": [ + 139, + 18, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522678509.3333.mp4", + "variation_id": 1, + "video_id": "51178" + }, + { + "bbox": [ + 86, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shop.mp4", + "variation_id": 0, + "video_id": "51179" + }, + { + "bbox": [ + 55, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14628.mp4", + "variation_id": 1, + "video_id": "51180" + }, + { + "bbox": [ + 39, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6703.mp4", + "variation_id": 1, + "video_id": "51181" + }, + { + "bbox": [ + 398, + 79, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 62, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=zGC3WSRmr_8", + "variation_id": 1, + "video_id": "51182" + }, + { + "bbox": [ + 17, + 17, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shop.swf", + "variation_id": 0, + "video_id": "51183" + } + ] + }, + { + "gloss": "silly", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4157, + "frame_start": 4065, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51702" + }, + { + "bbox": [ + 89, + 19, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23392.mp4", + "variation_id": 0, + "video_id": "51708" + }, + { + "bbox": [ + 80, + 24, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23532.mp4", + "variation_id": 0, + "video_id": "51709" + }, + { + "bbox": [ + 77, + 18, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9096.mp4", + "variation_id": 0, + "video_id": "51710" + }, + { + "bbox": [ + 6, + 16, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/silly.swf", + "variation_id": 0, + "video_id": "51711" + }, + { + "bbox": [ + 184, + 41, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SILLY-259.mp4", + "variation_id": 0, + "video_id": "66481" + }, + { + "bbox": [ + 102, + 14, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Bmc7vzcNGb8", + "variation_id": 0, + "video_id": "67202" + }, + { + "bbox": [ + 197, + 48, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/absurd.mp4", + "variation_id": 0, + "video_id": "51712" + }, + { + "bbox": [ + 197, + 48, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/absurd.mp4", + "variation_id": 0, + "video_id": "51713" + }, + { + "bbox": [ + 90, + 36, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/94021.mp4", + "variation_id": 0, + "video_id": "51703" + }, + { + "bbox": [ + 400, + 57, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/silly.mp4", + "variation_id": 0, + "video_id": "51704" + }, + { + "bbox": [ + 442, + 67, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Silly.mp4", + "variation_id": 0, + "video_id": "51705" + }, + { + "bbox": [ + 149, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767097.7777.mp4", + "variation_id": 0, + "video_id": "51706" + }, + { + "bbox": [ + 39, + 11, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/silly.mp4", + "variation_id": 0, + "video_id": "51707" + } + ] + }, + { + "gloss": "sister", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4544, + "frame_start": 4498, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51882" + }, + { + "bbox": [ + 357, + 17, + 923, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=M6_hX1QTzIM", + "variation_id": 0, + "video_id": "68680" + }, + { + "bbox": [ + 197, + 19, + 576, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sister.mp4", + "variation_id": 0, + "video_id": "51886" + }, + { + "bbox": [ + 117, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468767389.1341.mp4", + "variation_id": 0, + "video_id": "51887" + }, + { + "bbox": [ + 123, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sister.mp4", + "variation_id": 0, + "video_id": "51888" + }, + { + "bbox": [ + 83, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7158.mp4", + "variation_id": 0, + "video_id": "51889" + }, + { + "bbox": [ + 190, + 43, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SISTER-260.mp4", + "variation_id": 0, + "video_id": "66488" + }, + { + "bbox": [ + 89, + 18, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bqLtmk7uYCg", + "variation_id": 0, + "video_id": "67206" + }, + { + "bbox": [ + 316, + 44, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1skSbSMPlMI", + "variation_id": 0, + "video_id": "51892" + }, + { + "bbox": [ + 315, + 46, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=glJmYf137OM", + "variation_id": 0, + "video_id": "51893" + }, + { + "bbox": [ + 15, + 13, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/sister.swf", + "variation_id": 0, + "video_id": "51894" + }, + { + "bbox": [ + 239, + 11, + 545, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sister.mp4", + "variation_id": 0, + "video_id": "51883" + }, + { + "bbox": [ + 897, + 55, + 1753, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sister%202-Nir1m7wW0MA.mp4", + "variation_id": 0, + "video_id": "51884" + }, + { + "bbox": [ + 844, + 44, + 1759, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sister-X7vWbKADW8w.mp4", + "variation_id": 0, + "video_id": "51885" + } + ] + }, + { + "gloss": "sleep", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5288, + "frame_start": 5246, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52314" + }, + { + "bbox": [ + 376, + 39, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/sleep.mp4", + "variation_id": 0, + "video_id": "69479" + }, + { + "bbox": [ + 104, + 2, + 1151, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=owZqXQaUs1Y", + "variation_id": 0, + "video_id": "68157" + }, + { + "bbox": [ + 110, + 9, + 543, + 360 + ], + "fps": 25, + "frame_end": 65, + "frame_start": 1, + "instance_id": 3, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=tF8RVK7_7to", + "variation_id": 0, + "video_id": "68912" + }, + { + "bbox": [ + 193, + 50, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sleep.mp4", + "variation_id": 0, + "video_id": "52324" + }, + { + "bbox": [ + 444, + 68, + 854, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sleep.mp4", + "variation_id": 0, + "video_id": "52316" + }, + { + "bbox": [ + 103, + 13, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/GSqWd9aVVQE", + "variation_id": 0, + "video_id": "67212" + }, + { + "bbox": [ + 471, + 26, + 1008, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sleep.mp4", + "variation_id": 0, + "video_id": "52317" + }, + { + "bbox": [ + 150, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767820.767.mp4", + "variation_id": 0, + "video_id": "52318" + }, + { + "bbox": [ + 144, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/sleep.mp4", + "variation_id": 0, + "video_id": "52319" + }, + { + "bbox": [ + 94, + 16, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23907.mp4", + "variation_id": 0, + "video_id": "52320" + }, + { + "bbox": [ + 387, + 72, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 81, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=96RGtZix3QI", + "variation_id": 0, + "video_id": "52321" + }, + { + "bbox": [ + 374, + 37, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dXEqaWSEztY", + "variation_id": 0, + "video_id": "52322" + }, + { + "bbox": [ + 3, + 3, + 236, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sleep.swf", + "variation_id": 0, + "video_id": "52323" + } + ] + }, + { + "gloss": "sorry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6874, + "frame_start": 6805, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53363" + }, + { + "bbox": [ + 157, + 40, + 400, + 360 + ], + "fps": 25, + "frame_end": 786, + "frame_start": 694, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70225" + }, + { + "bbox": [ + 68, + 9, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6968.mp4", + "variation_id": 0, + "video_id": "53371" + }, + { + "bbox": [ + 337, + 29, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=jRHDjxWJma0", + "variation_id": 0, + "video_id": "53372" + }, + { + "bbox": [ + 316, + 27, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KuqlCVeWGEI", + "variation_id": 0, + "video_id": "53373" + }, + { + "bbox": [ + 0, + 12, + 192, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sorry.swf", + "variation_id": 0, + "video_id": "53374" + }, + { + "bbox": [ + 173, + 15, + 453, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SORRY-566.mp4", + "variation_id": 0, + "video_id": "66536" + }, + { + "bbox": [ + 71, + 34, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/94029.mp4", + "variation_id": 0, + "video_id": "53365" + }, + { + "bbox": [ + 95, + 28, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BL90-ejIQ9Y", + "variation_id": 0, + "video_id": "67228" + }, + { + "bbox": [ + 199, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/sorry.mp4", + "variation_id": 0, + "video_id": "53375" + }, + { + "bbox": [ + 369, + 48, + 802, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sorry.mp4", + "variation_id": 0, + "video_id": "53366" + }, + { + "bbox": [ + 98, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468776763.7085.mp4", + "variation_id": 0, + "video_id": "53367" + }, + { + "bbox": [ + 22, + 8, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sorry.mp4", + "variation_id": 0, + "video_id": "53368" + }, + { + "bbox": [ + 67, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6967.mp4", + "variation_id": 0, + "video_id": "53370" + } + ] + }, + { + "gloss": "straight", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9159, + "frame_start": 9107, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55035" + }, + { + "bbox": [ + 363, + 30, + 926, + 720 + ], + "fps": 25, + "frame_end": 37, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=IrTkb6JGeOw", + "variation_id": 0, + "video_id": "68564" + }, + { + "bbox": [ + 101, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/straight-line.mp4", + "variation_id": 0, + "video_id": "55047" + }, + { + "bbox": [ + 90, + 23, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22392.mp4", + "variation_id": 0, + "video_id": "55048" + }, + { + "bbox": [ + 64, + 9, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9608.mp4", + "variation_id": 0, + "video_id": "55050" + }, + { + "bbox": [ + 350, + 50, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NtF3hIyAReY", + "variation_id": 0, + "video_id": "55051" + }, + { + "bbox": [ + 325, + 31, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nuntx2_hRP4", + "variation_id": 0, + "video_id": "55052" + }, + { + "bbox": [ + 198, + 16, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRAIGHT-821.mp4", + "variation_id": 0, + "video_id": "66563" + }, + { + "bbox": [ + 76, + 12, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307919.mp4", + "variation_id": 0, + "video_id": "55043" + }, + { + "bbox": [ + 206, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/straight.mp4", + "variation_id": 0, + "video_id": "55055" + }, + { + "bbox": [ + 206, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/straight.mp4", + "variation_id": 0, + "video_id": "55056" + }, + { + "bbox": [ + 760, + 56, + 1643, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blunt%203-v_ecWucb4co.mp4", + "variation_id": 0, + "video_id": "55044" + }, + { + "bbox": [ + 153, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896716.3147.mp4", + "variation_id": 0, + "video_id": "55045" + }, + { + "bbox": [ + 136, + 0, + 608, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/straight-blunt.mp4", + "variation_id": 0, + "video_id": "55046" + } + ] + }, + { + "gloss": "sweet", + "instances": [ + { + "bbox": [ + 549, + 64, + 1316, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/sweet.mp4", + "variation_id": 0, + "video_id": "69499" + }, + { + "bbox": [ + 76, + 4, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5860.mp4", + "variation_id": 0, + "video_id": "56312" + }, + { + "bbox": [ + 70, + 9, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8734.mp4", + "variation_id": 0, + "video_id": "56313" + }, + { + "bbox": [ + 70, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8735.mp4", + "variation_id": 0, + "video_id": "56314" + }, + { + "bbox": [ + 350, + 68, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pYKpw_4wTpw", + "variation_id": 0, + "video_id": "56315" + }, + { + "bbox": [ + 189, + 35, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SW/SWEET-281.mp4", + "variation_id": 0, + "video_id": "66585" + }, + { + "bbox": [ + 74, + 13, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310748.mp4", + "variation_id": 0, + "video_id": "56306" + }, + { + "bbox": [ + 26, + 9, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sweet.swf", + "variation_id": 0, + "video_id": "56316" + }, + { + "bbox": [ + 198, + 52, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sugar.mp4", + "variation_id": 0, + "video_id": "56317" + }, + { + "bbox": [ + 423, + 55, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sweet.mp4", + "variation_id": 0, + "video_id": "56307" + }, + { + "bbox": [ + 490, + 44, + 1048, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sweet.mp4", + "variation_id": 0, + "video_id": "56308" + }, + { + "bbox": [ + 182, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468898646.9636.mp4", + "variation_id": 0, + "video_id": "56309" + }, + { + "bbox": [ + 22, + 27, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sweet2.mp4", + "variation_id": 0, + "video_id": "56310" + }, + { + "bbox": [ + 24, + 28, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sweet.mp4", + "variation_id": 0, + "video_id": "56311" + } + ] + }, + { + "gloss": "talk", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 257, + "frame_start": 208, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56800" + }, + { + "bbox": [ + 38, + 0, + 1106, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=8FrWB5VSoNQ", + "variation_id": 0, + "video_id": "68165" + }, + { + "bbox": [ + 119, + 13, + 523, + 359 + ], + "fps": 25, + "frame_end": 121, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=RuDTzUVgKFM", + "variation_id": 0, + "video_id": "68868" + }, + { + "bbox": [ + 423, + 63, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 62, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=WhUh8CHjj4k", + "variation_id": 0, + "video_id": "56828" + }, + { + "bbox": [ + 21, + 8, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/talk.swf", + "variation_id": 0, + "video_id": "56829" + }, + { + "bbox": [ + 205, + 52, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/speak.mp4", + "variation_id": 0, + "video_id": "56830" + }, + { + "bbox": [ + 860, + 71, + 1588, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Talk-6MXys6LpYAo.mp4", + "variation_id": 0, + "video_id": "56813" + }, + { + "bbox": [ + 156, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943013.6512.mp4", + "variation_id": 0, + "video_id": "56816" + }, + { + "bbox": [ + 34, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50902.mp4", + "variation_id": 0, + "video_id": "56811" + }, + { + "bbox": [ + 77, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14613.mp4", + "variation_id": 0, + "video_id": "56819" + }, + { + "bbox": [ + 80, + 11, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14614.mp4", + "variation_id": 0, + "video_id": "56820" + }, + { + "bbox": [ + 106, + 28, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/2C95Ib4KdOg", + "variation_id": 0, + "video_id": "67277" + }, + { + "bbox": [ + 52, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22166.mp4", + "variation_id": 0, + "video_id": "56821" + }, + { + "bbox": [ + 350, + 28, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vB3APsM4FFQ", + "variation_id": 0, + "video_id": "56827" + } + ] + }, + { + "gloss": "temperature", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 929, + "frame_start": 877, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57298" + }, + { + "bbox": [ + 31, + 12, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/temperature.mp4", + "variation_id": 0, + "video_id": "57305" + }, + { + "bbox": [ + 69, + 10, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14159.mp4", + "variation_id": 0, + "video_id": "57306" + }, + { + "bbox": [ + 59, + 12, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14160.mp4", + "variation_id": 0, + "video_id": "57307" + }, + { + "bbox": [ + 260, + 32, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0Q8DzhYUabI", + "variation_id": 0, + "video_id": "57308" + }, + { + "bbox": [ + 204, + 40, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=cbonYmSP_k0", + "variation_id": 0, + "video_id": "57309" + }, + { + "bbox": [ + 85, + 12, + 233, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/temperature.mov", + "variation_id": 0, + "video_id": "57300" + }, + { + "bbox": [ + 262, + 37, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GcPs10m803Q", + "variation_id": 0, + "video_id": "57310" + }, + { + "bbox": [ + 0, + 0, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/temperature.swf", + "variation_id": 0, + "video_id": "57312" + }, + { + "bbox": [ + 171, + 53, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/temperature.mp4", + "variation_id": 0, + "video_id": "57313" + }, + { + "bbox": [ + 24, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50895.mp4", + "variation_id": 0, + "video_id": "57301" + }, + { + "bbox": [ + 658, + 67, + 1652, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Temperature-PjNflmc_eTw.mp4", + "variation_id": 0, + "video_id": "57302" + }, + { + "bbox": [ + 138, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943765.2189.mp4", + "variation_id": 0, + "video_id": "57303" + }, + { + "bbox": [ + 41, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943786.9052.mp4", + "variation_id": 0, + "video_id": "57304" + } + ] + }, + { + "gloss": "tent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1171, + "frame_start": 1139, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57430" + }, + { + "bbox": [ + 337, + 33, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/tent.mp4", + "variation_id": 0, + "video_id": "69501" + }, + { + "bbox": [ + 336, + 26, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dCOOqPOnX-k", + "variation_id": 0, + "video_id": "57443" + }, + { + "bbox": [ + 341, + 21, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=rhEiR86Su-o", + "variation_id": 0, + "video_id": "57444" + }, + { + "bbox": [ + 355, + 46, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WkZNxhbnCb0", + "variation_id": 0, + "video_id": "57445" + }, + { + "bbox": [ + 37, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/400981.mp4", + "variation_id": 0, + "video_id": "57436" + }, + { + "bbox": [ + 5, + 1, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tent.swf", + "variation_id": 0, + "video_id": "57446" + }, + { + "bbox": [ + 174, + 49, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/camp.mp4", + "variation_id": 0, + "video_id": "57447" + }, + { + "bbox": [ + 22, + 0, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51650.mp4", + "variation_id": 0, + "video_id": "57437" + }, + { + "bbox": [ + 521, + 130, + 1603, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tent-EpweU31Lx0M.mp4", + "variation_id": 0, + "video_id": "57438" + }, + { + "bbox": [ + 140, + 13, + 675, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546377503.8570.mp4", + "variation_id": 0, + "video_id": "57439" + }, + { + "bbox": [ + 88, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/tent.mp4", + "variation_id": 0, + "video_id": "57440" + }, + { + "bbox": [ + 78, + 23, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22809.mp4", + "variation_id": 0, + "video_id": "57441" + }, + { + "bbox": [ + 61, + 22, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22811.mp4", + "variation_id": 0, + "video_id": "57442" + } + ] + }, + { + "gloss": "thank you", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1471, + "frame_start": 1425, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57653" + }, + { + "bbox": [ + 378, + 42, + 896, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/thank%20you.mp4", + "variation_id": 0, + "video_id": "69502" + }, + { + "bbox": [ + 321, + 22, + 916, + 720 + ], + "fps": 25, + "frame_end": 39, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=pj0YH_l8TNM", + "variation_id": 0, + "video_id": "68796" + }, + { + "bbox": [ + 320, + 0, + 835, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 82, + "source": "scott", + "split": "val", + "url": "https://www.youtube.com/watch?v=7XHOmZYiBew", + "variation_id": 0, + "video_id": "57663" + }, + { + "bbox": [ + 380, + 73, + 852, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=lJXvGI7r_Fc", + "variation_id": 0, + "video_id": "57664" + }, + { + "bbox": [ + 180, + 31, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THANK-YOU-1198.mp4", + "variation_id": 0, + "video_id": "66598" + }, + { + "bbox": [ + 697, + 39, + 1522, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20ThankYou-OGQTouYS3zM.mp4", + "variation_id": 0, + "video_id": "57655" + }, + { + "bbox": [ + 376, + 73, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=sH87G_Bz_nA", + "variation_id": 0, + "video_id": "57665" + }, + { + "bbox": [ + 356, + 72, + 871, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=t8Hr0IHghrQ", + "variation_id": 0, + "video_id": "57666" + }, + { + "bbox": [ + 168, + 54, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/thank.mp4", + "variation_id": 0, + "video_id": "57667" + }, + { + "bbox": [ + 144, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468944231.2757.mp4", + "variation_id": 0, + "video_id": "57656" + }, + { + "bbox": [ + 147, + 32, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1522767348.9440.mp4", + "variation_id": 0, + "video_id": "57657" + }, + { + "bbox": [ + 137, + 9, + 466, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/thank.mp4", + "variation_id": 0, + "video_id": "57658" + }, + { + "bbox": [ + 85, + 11, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14353.mp4", + "variation_id": 0, + "video_id": "57659" + } + ] + }, + { + "gloss": "think", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2276, + "frame_start": 2230, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57954" + }, + { + "bbox": [ + 317, + 48, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/think.mp4", + "variation_id": 0, + "video_id": "69505" + }, + { + "bbox": [ + 60, + 24, + 443, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y5q-PccHNHo", + "variation_id": 0, + "video_id": "57980" + }, + { + "bbox": [ + 19, + 7, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/think.swf", + "variation_id": 0, + "video_id": "57981" + }, + { + "bbox": [ + 174, + 52, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/think.mp4", + "variation_id": 0, + "video_id": "57982" + }, + { + "bbox": [ + 160, + 35, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THINK-398.mp4", + "variation_id": 0, + "video_id": "66609" + }, + { + "bbox": [ + 43, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50886.mp4", + "variation_id": 0, + "video_id": "57973" + }, + { + "bbox": [ + 103, + 19, + 346, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/cn8LVfKb9LU", + "variation_id": 0, + "video_id": "67300" + }, + { + "bbox": [ + 677, + 75, + 1489, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brain%2C%20Mind%2C%20Think-Pn0CrQ-Jm8o.mp4", + "variation_id": 0, + "video_id": "57974" + }, + { + "bbox": [ + 110, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468944760.6188.mp4", + "variation_id": 0, + "video_id": "57975" + }, + { + "bbox": [ + 135, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/think.mp4", + "variation_id": 0, + "video_id": "57976" + }, + { + "bbox": [ + 72, + 15, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8382.mp4", + "variation_id": 0, + "video_id": "57977" + }, + { + "bbox": [ + 336, + 31, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gfwJCBpvc9w", + "variation_id": 0, + "video_id": "57978" + }, + { + "bbox": [ + 289, + 26, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NdTKb3Kig88", + "variation_id": 0, + "video_id": "57979" + } + ] + }, + { + "gloss": "throw", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2654, + "frame_start": 2612, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58286" + }, + { + "bbox": [ + 100, + 28, + 994, + 720 + ], + "fps": 25, + "frame_end": 41, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=iOvWH7DQrqM", + "variation_id": 0, + "video_id": "68560" + }, + { + "bbox": [ + 29, + 13, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/throw.mp4", + "variation_id": 1, + "video_id": "58299" + }, + { + "bbox": [ + 55, + 12, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23885.mp4", + "variation_id": 1, + "video_id": "58300" + }, + { + "bbox": [ + 336, + 39, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=vsx5G2yhMR4", + "variation_id": 0, + "video_id": "58301" + }, + { + "bbox": [ + 0, + 8, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/throw.swf", + "variation_id": 0, + "video_id": "58302" + }, + { + "bbox": [ + 179, + 32, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THROW-1222.mp4", + "variation_id": 1, + "video_id": "66636" + }, + { + "bbox": [ + 65, + 10, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/483782.mp4", + "variation_id": 1, + "video_id": "58293" + }, + { + "bbox": [ + 105, + 14, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/4msfTmjM4lI", + "variation_id": 1, + "video_id": "67305" + }, + { + "bbox": [ + 234, + 37, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/pitch-baseball.mp4", + "variation_id": 1, + "video_id": "58303" + }, + { + "bbox": [ + 68, + 10, + 619, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20throw-PjmAKtyyIj8.mp4", + "variation_id": 1, + "video_id": "58294" + }, + { + "bbox": [ + 368, + 43, + 1592, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Throw-zw8jvUceB2U.mp4", + "variation_id": 1, + "video_id": "58295" + }, + { + "bbox": [ + 118, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945148.6999.mp4", + "variation_id": 1, + "video_id": "58296" + }, + { + "bbox": [ + 29, + 12, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/throw-away.mp4", + "variation_id": 0, + "video_id": "58297" + } + ] + }, + { + "gloss": "today", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3338, + "frame_start": 3286, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58676" + }, + { + "bbox": [ + 285, + 41, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/today.mp4", + "variation_id": 0, + "video_id": "69512" + }, + { + "bbox": [ + 185, + 51, + 447, + 360 + ], + "fps": 25, + "frame_end": 4254, + "frame_start": 4151, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70346" + }, + { + "bbox": [ + 64, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9785.mp4", + "variation_id": 0, + "video_id": "58684" + }, + { + "bbox": [ + 154, + 17, + 514, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IlLRJ6jw4lY", + "variation_id": 0, + "video_id": "58685" + }, + { + "bbox": [ + 15, + 21, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/today.swf", + "variation_id": 0, + "video_id": "58686" + }, + { + "bbox": [ + 182, + 57, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/current.mp4", + "variation_id": 0, + "video_id": "58687" + }, + { + "bbox": [ + 54, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/485657.mp4", + "variation_id": 0, + "video_id": "58677" + }, + { + "bbox": [ + 373, + 44, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/today.mp4", + "variation_id": 0, + "video_id": "58678" + }, + { + "bbox": [ + 121, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468945745.3876.mp4", + "variation_id": 0, + "video_id": "58679" + }, + { + "bbox": [ + 87, + 5, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/today.mp4", + "variation_id": 0, + "video_id": "58680" + }, + { + "bbox": [ + 45, + 12, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6999.mp4", + "variation_id": 0, + "video_id": "58681" + }, + { + "bbox": [ + 78, + 20, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7687.mp4", + "variation_id": 0, + "video_id": "58682" + }, + { + "bbox": [ + 86, + 19, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7688.mp4", + "variation_id": 0, + "video_id": "58683" + } + ] + }, + { + "gloss": "traffic", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4775, + "frame_start": 4719, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59238" + }, + { + "bbox": [ + 172, + 21, + 513, + 480 + ], + "fps": 25, + "frame_end": 7832, + "frame_start": 7686, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70179" + }, + { + "bbox": [ + 395, + 54, + 802, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/traffic.mp4", + "variation_id": 0, + "video_id": "59248" + }, + { + "bbox": [ + 157, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946562.8473.mp4", + "variation_id": 0, + "video_id": "59249" + }, + { + "bbox": [ + 128, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/traffic.mp4", + "variation_id": 0, + "video_id": "59250" + }, + { + "bbox": [ + 76, + 18, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9225.mp4", + "variation_id": 0, + "video_id": "59251" + }, + { + "bbox": [ + 67, + 18, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9226.mp4", + "variation_id": 1, + "video_id": "59252" + }, + { + "bbox": [ + 315, + 28, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=MpQR7sBZRrE", + "variation_id": 1, + "video_id": "59254" + }, + { + "bbox": [ + 171, + 33, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRAFFIC-1298.mp4", + "variation_id": 0, + "video_id": "66664" + }, + { + "bbox": [ + 53, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50916.mp4", + "variation_id": 0, + "video_id": "59246" + }, + { + "bbox": [ + 102, + 15, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/IxtVsN7oJGU", + "variation_id": 1, + "video_id": "67317" + }, + { + "bbox": [ + 316, + 29, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rWtHClVxoC0", + "variation_id": 1, + "video_id": "59256" + }, + { + "bbox": [ + 370, + 26, + 1029, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Xju6sMXMopI", + "variation_id": 1, + "video_id": "59258" + }, + { + "bbox": [ + 14, + 7, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/traffic.swf", + "variation_id": 0, + "video_id": "59259" + } + ] + }, + { + "gloss": "understand", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 299, + "frame_start": 257, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60543" + }, + { + "bbox": [ + 313, + 38, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5N10dIavSYc", + "variation_id": 0, + "video_id": "60553" + }, + { + "bbox": [ + 104, + 27, + 277, + 240 + ], + "fps": 25, + "frame_end": 2924, + "frame_start": 2846, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70215" + }, + { + "bbox": [ + 83, + 10, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23293.mp4", + "variation_id": 0, + "video_id": "60551" + }, + { + "bbox": [ + 182, + 36, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UN/UNDERSTAND-311.mp4", + "variation_id": 0, + "video_id": "66704" + }, + { + "bbox": [ + 107, + 28, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/-5J6ZDndBxw", + "variation_id": 0, + "video_id": "67018" + }, + { + "bbox": [ + 41, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50869.mp4", + "variation_id": 0, + "video_id": "60545" + }, + { + "bbox": [ + 669, + 75, + 1604, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Understand-zgYUzElmp1k.mp4", + "variation_id": 0, + "video_id": "60546" + }, + { + "bbox": [ + 273, + 5, + 848, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=zOrPlZruN0Y", + "variation_id": 0, + "video_id": "60554" + }, + { + "bbox": [ + 110, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468924808.7518.mp4", + "variation_id": 0, + "video_id": "60547" + }, + { + "bbox": [ + 22, + 7, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/u/understand.swf", + "variation_id": 0, + "video_id": "60555" + }, + { + "bbox": [ + 148, + 31, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1522767381.9090.mp4", + "variation_id": 0, + "video_id": "60548" + }, + { + "bbox": [ + 156, + 59, + 529, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/understand.mp4", + "variation_id": 0, + "video_id": "60556" + }, + { + "bbox": [ + 60, + 16, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/understand.mp4", + "variation_id": 0, + "video_id": "60550" + } + ] + }, + { + "gloss": "use", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 722, + "frame_start": 666, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "61031" + }, + { + "bbox": [ + 104, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/use.mp4", + "variation_id": 0, + "video_id": "61060" + }, + { + "bbox": [ + 122, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/use-to.mp4", + "variation_id": 0, + "video_id": "61061" + }, + { + "bbox": [ + 67, + 18, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9042.mp4", + "variation_id": 0, + "video_id": "61062" + }, + { + "bbox": [ + 290, + 42, + 898, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7-VZxQD8G7Q", + "variation_id": 0, + "video_id": "61063" + }, + { + "bbox": [ + 161, + 11, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fNF72XrF0ZY", + "variation_id": 0, + "video_id": "61065" + }, + { + "bbox": [ + 40, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51159.mp4", + "variation_id": 0, + "video_id": "61056" + }, + { + "bbox": [ + 88, + 18, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/wT0iVtB_4NA", + "variation_id": 0, + "video_id": "67022" + }, + { + "bbox": [ + 277, + 0, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gvU21ZCewRk", + "variation_id": 0, + "video_id": "61066" + }, + { + "bbox": [ + 273, + 48, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=tmstshzQJGk", + "variation_id": 0, + "video_id": "61067" + }, + { + "bbox": [ + 259, + 0, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=yQScIrYGgaE", + "variation_id": 0, + "video_id": "61068" + }, + { + "bbox": [ + 190, + 55, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/use.mp4", + "variation_id": 0, + "video_id": "61070" + }, + { + "bbox": [ + 456, + 62, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/use.mp4", + "variation_id": 0, + "video_id": "61057" + }, + { + "bbox": [ + 145, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925570.3817.mp4", + "variation_id": 0, + "video_id": "61058" + } + ] + }, + { + "gloss": "voice", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 878, + "frame_start": 806, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61913" + }, + { + "bbox": [ + 34, + 2, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/voice.mp4", + "variation_id": 0, + "video_id": "61919" + }, + { + "bbox": [ + 82, + 14, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6311.mp4", + "variation_id": 0, + "video_id": "61920" + }, + { + "bbox": [ + 70, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9624.mp4", + "variation_id": 0, + "video_id": "61921" + }, + { + "bbox": [ + 289, + 0, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PAUz1WCt5O8", + "variation_id": 0, + "video_id": "61922" + }, + { + "bbox": [ + 200, + 28, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VO/VOICE-1401.mp4", + "variation_id": 0, + "video_id": "66736" + }, + { + "bbox": [ + 108, + 27, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/-TIOtCHeAE8", + "variation_id": 0, + "video_id": "67031" + }, + { + "bbox": [ + 1, + 13, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/voice.swf", + "variation_id": 0, + "video_id": "61923" + }, + { + "bbox": [ + 233, + 38, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/voice.mp4", + "variation_id": 0, + "video_id": "61924" + }, + { + "bbox": [ + 83, + 9, + 225, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/voice.mov", + "variation_id": 0, + "video_id": "61914" + }, + { + "bbox": [ + 65, + 42, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90181.mp4", + "variation_id": 0, + "video_id": "61915" + }, + { + "bbox": [ + 732, + 65, + 1637, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Voice%202-sa_ms6mP1t0.mp4", + "variation_id": 0, + "video_id": "61916" + }, + { + "bbox": [ + 725, + 69, + 1586, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Voice-769ZQVKG_Yg.mp4", + "variation_id": 0, + "video_id": "61917" + }, + { + "bbox": [ + 156, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926716.6741.mp4", + "variation_id": 0, + "video_id": "61918" + } + ] + }, + { + "gloss": "vomit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1048, + "frame_start": 996, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61977" + }, + { + "bbox": [ + 706, + 72, + 1605, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Puke%2C%20Vomit-RRGvr-dhQHo.mp4", + "variation_id": 0, + "video_id": "61982" + }, + { + "bbox": [ + 344, + 35, + 753, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Throwing%20Up-q7oFG6PzyxQ.mp4", + "variation_id": 0, + "video_id": "61983" + }, + { + "bbox": [ + 144, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468926788.2550.mp4", + "variation_id": 0, + "video_id": "61984" + }, + { + "bbox": [ + 91, + 8, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vomit.mp4", + "variation_id": 0, + "video_id": "61985" + }, + { + "bbox": [ + 79, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7819.mp4", + "variation_id": 0, + "video_id": "61986" + }, + { + "bbox": [ + 88, + 20, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Vfxe3bvoKdY", + "variation_id": 0, + "video_id": "67033" + }, + { + "bbox": [ + 78, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9190.mp4", + "variation_id": 0, + "video_id": "61987" + }, + { + "bbox": [ + 345, + 40, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eyu6rDm1uFM", + "variation_id": 0, + "video_id": "61988" + }, + { + "bbox": [ + 28, + 15, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/v/vomit.swf", + "variation_id": 0, + "video_id": "61989" + }, + { + "bbox": [ + 239, + 40, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/vomit.mp4", + "variation_id": 0, + "video_id": "61990" + }, + { + "bbox": [ + 62, + 9, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/483787.mp4", + "variation_id": 0, + "video_id": "61978" + }, + { + "bbox": [ + 407, + 51, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/vomit.mp4", + "variation_id": 0, + "video_id": "61979" + }, + { + "bbox": [ + 728, + 75, + 1599, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Puke%2C%20Vomit%202-bjEi_7qYcBQ.mp4", + "variation_id": 0, + "video_id": "61980" + } + ] + }, + { + "gloss": "vote", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1108, + "frame_start": 1049, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61991" + }, + { + "bbox": [ + 116, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926806.6053.mp4", + "variation_id": 0, + "video_id": "61997" + }, + { + "bbox": [ + 82, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vote2.mp4", + "variation_id": 0, + "video_id": "61998" + }, + { + "bbox": [ + 98, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/v/vote.mp4", + "variation_id": 0, + "video_id": "61999" + }, + { + "bbox": [ + 67, + 13, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8929.mp4", + "variation_id": 0, + "video_id": "62000" + }, + { + "bbox": [ + 69, + 13, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/n-hsa81bP2k", + "variation_id": 0, + "video_id": "67032" + }, + { + "bbox": [ + 285, + 53, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4jJq0AU7oXM", + "variation_id": 0, + "video_id": "62001" + }, + { + "bbox": [ + 0, + 14, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/vote.swf", + "variation_id": 0, + "video_id": "62002" + }, + { + "bbox": [ + 240, + 39, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vote.mp4", + "variation_id": 0, + "video_id": "62003" + }, + { + "bbox": [ + 85, + 10, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/vote.mov", + "variation_id": 0, + "video_id": "61992" + }, + { + "bbox": [ + 75, + 21, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/308832.mp4", + "variation_id": 0, + "video_id": "61993" + }, + { + "bbox": [ + 701, + 52, + 1719, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tea%2C%20Vote-JGnz_I9hFCY.mp4", + "variation_id": 0, + "video_id": "61994" + }, + { + "bbox": [ + 540, + 78, + 1566, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Vote-H-oMq_v7uHE.mp4", + "variation_id": 0, + "video_id": "61995" + }, + { + "bbox": [ + 487, + 90, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Voting%2C%20Ballot%2C%20Election-gQLAMfsYOno.mp4", + "variation_id": 0, + "video_id": "61996" + } + ] + }, + { + "gloss": "wednesday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1343, + "frame_start": 1287, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62706" + }, + { + "bbox": [ + 82, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6985.mp4", + "variation_id": 0, + "video_id": "62712" + }, + { + "bbox": [ + 64, + 18, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8982.mp4", + "variation_id": 0, + "video_id": "62713" + }, + { + "bbox": [ + 357, + 34, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=btWz421kwLY", + "variation_id": 0, + "video_id": "62714" + }, + { + "bbox": [ + 251, + 0, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hm2ElJe2H-Y", + "variation_id": 0, + "video_id": "62715" + }, + { + "bbox": [ + 203, + 28, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEDNESDAY-1417.mp4", + "variation_id": 0, + "video_id": "66758" + }, + { + "bbox": [ + 97, + 17, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/B4oR1A0G2gI", + "variation_id": 0, + "video_id": "67051" + }, + { + "bbox": [ + 39, + 21, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wednesday.swf", + "variation_id": 0, + "video_id": "62716" + }, + { + "bbox": [ + 195, + 54, + 577, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wednesday.mp4", + "variation_id": 0, + "video_id": "62717" + }, + { + "bbox": [ + 47, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50953.mp4", + "variation_id": 0, + "video_id": "62707" + }, + { + "bbox": [ + 397, + 50, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wednesday.mp4", + "variation_id": 0, + "video_id": "62708" + }, + { + "bbox": [ + 473, + 0, + 1378, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 3, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wednesday-Z_oc_AuWufA.mp4", + "variation_id": 0, + "video_id": "62709" + }, + { + "bbox": [ + 124, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927555.6491.mp4", + "variation_id": 0, + "video_id": "62710" + }, + { + "bbox": [ + 57, + 2, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wednesday.mp4", + "variation_id": 0, + "video_id": "62711" + } + ] + }, + { + "gloss": "west", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1690, + "frame_start": 1651, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62901" + }, + { + "bbox": [ + 147, + 39, + 490, + 480 + ], + "fps": 25, + "frame_end": 2793, + "frame_start": 2660, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70186" + }, + { + "bbox": [ + 309, + 41, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=i5hZZy5Sl_A", + "variation_id": 0, + "video_id": "62913" + }, + { + "bbox": [ + 33, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 84, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/west.swf", + "variation_id": 0, + "video_id": "62914" + }, + { + "bbox": [ + 176, + 54, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/west.mp4", + "variation_id": 0, + "video_id": "62915" + }, + { + "bbox": [ + 123, + 26, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEST-1422.mp4", + "variation_id": 0, + "video_id": "66765" + }, + { + "bbox": [ + 93, + 10, + 242, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/west.mov", + "variation_id": 0, + "video_id": "62906" + }, + { + "bbox": [ + 94, + 15, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4M_eGGD6eEs", + "variation_id": 0, + "video_id": "67055" + }, + { + "bbox": [ + 72, + 12, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92785.mp4", + "variation_id": 0, + "video_id": "62907" + }, + { + "bbox": [ + 432, + 59, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/west.mp4", + "variation_id": 0, + "video_id": "62908" + }, + { + "bbox": [ + 671, + 72, + 1494, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20West-yTYwtQ6OTsI.mp4", + "variation_id": 0, + "video_id": "62909" + }, + { + "bbox": [ + 147, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468927753.3770.mp4", + "variation_id": 0, + "video_id": "62910" + }, + { + "bbox": [ + 91, + 10, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/west.mp4", + "variation_id": 0, + "video_id": "62911" + }, + { + "bbox": [ + 83, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6864.mp4", + "variation_id": 0, + "video_id": "62912" + } + ] + }, + { + "gloss": "wet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1747, + "frame_start": 1691, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62921" + }, + { + "bbox": [ + 383, + 40, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/wet.mp4", + "variation_id": 0, + "video_id": "69529" + }, + { + "bbox": [ + 350, + 37, + 940, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5Ns7zdDWcbg", + "variation_id": 0, + "video_id": "62928" + }, + { + "bbox": [ + 32, + 18, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/wet.swf", + "variation_id": 0, + "video_id": "62929" + }, + { + "bbox": [ + 208, + 62, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wet.mp4", + "variation_id": 0, + "video_id": "62930" + }, + { + "bbox": [ + 187, + 4, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WET-2234.mp4", + "variation_id": 0, + "video_id": "66767" + }, + { + "bbox": [ + 180, + 7, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WET-319.mp4", + "variation_id": 0, + "video_id": "66766" + }, + { + "bbox": [ + 104, + 14, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ArVu1vogzUc", + "variation_id": 0, + "video_id": "67056" + }, + { + "bbox": [ + 78, + 28, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92786.mp4", + "variation_id": 0, + "video_id": "62922" + }, + { + "bbox": [ + 357, + 17, + 829, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 52, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wet-8GOtnwynsY8.mp4", + "variation_id": 0, + "video_id": "62923" + }, + { + "bbox": [ + 851, + 65, + 1620, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wet-ZawffMT3mC4.mp4", + "variation_id": 0, + "video_id": "62924" + }, + { + "bbox": [ + 153, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468776181.8555.mp4", + "variation_id": 0, + "video_id": "62925" + }, + { + "bbox": [ + 61, + 19, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wet.mp4", + "variation_id": 0, + "video_id": "62926" + }, + { + "bbox": [ + 85, + 24, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22323.mp4", + "variation_id": 0, + "video_id": "62927" + } + ] + }, + { + "gloss": "when", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1880, + "frame_start": 1838, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63062" + }, + { + "bbox": [ + 286, + 40, + 894, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/when.mp4", + "variation_id": 0, + "video_id": "69532" + }, + { + "bbox": [ + 216, + 4, + 1020, + 720 + ], + "fps": 25, + "frame_end": 132, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Cc63Y3NcUnU", + "variation_id": 0, + "video_id": "68372" + }, + { + "bbox": [ + 106, + 1, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/when.mp4", + "variation_id": 0, + "video_id": "63071" + }, + { + "bbox": [ + 77, + 16, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9017.mp4", + "variation_id": 0, + "video_id": "63072" + }, + { + "bbox": [ + 336, + 46, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GC99dBIdtyg", + "variation_id": 0, + "video_id": "63075" + }, + { + "bbox": [ + 178, + 6, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHEN-1426.mp4", + "variation_id": 0, + "video_id": "66773" + }, + { + "bbox": [ + 48, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63599.mp4", + "variation_id": 0, + "video_id": "63066" + }, + { + "bbox": [ + 102, + 19, + 347, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9Eh5DYPy09Q", + "variation_id": 0, + "video_id": "67064" + }, + { + "bbox": [ + 0, + 8, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/when.swf", + "variation_id": 0, + "video_id": "63076" + }, + { + "bbox": [ + 200, + 62, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/when.mp4", + "variation_id": 0, + "video_id": "63077" + }, + { + "bbox": [ + 209, + 16, + 530, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/when.mp4", + "variation_id": 0, + "video_id": "63067" + }, + { + "bbox": [ + 708, + 62, + 1739, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20When-_R6NUaj_a6M.mp4", + "variation_id": 0, + "video_id": "63069" + }, + { + "bbox": [ + 103, + 3, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928004.533.mp4", + "variation_id": 0, + "video_id": "63070" + } + ] + }, + { + "gloss": "which", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1997, + "frame_start": 1941, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63102" + }, + { + "bbox": [ + 343, + 21, + 1049, + 720 + ], + "fps": 25, + "frame_end": 84, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=CMRuI-NDZ68", + "variation_id": 0, + "video_id": "68382" + }, + { + "bbox": [ + 299, + 22, + 1031, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=T83OCDixkYQ", + "variation_id": 0, + "video_id": "63111" + }, + { + "bbox": [ + 0, + 14, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 83, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/which.swf", + "variation_id": 0, + "video_id": "63112" + }, + { + "bbox": [ + 181, + 64, + 596, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/which.mp4", + "variation_id": 0, + "video_id": "63113" + }, + { + "bbox": [ + 167, + 6, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHICH-1428.mp4", + "variation_id": 0, + "video_id": "66775" + }, + { + "bbox": [ + 26, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50905.mp4", + "variation_id": 0, + "video_id": "63104" + }, + { + "bbox": [ + 96, + 19, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XgicaQCG8BU", + "variation_id": 0, + "video_id": "67062" + }, + { + "bbox": [ + 727, + 75, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Which%20question-ivWficO0urg.mp4", + "variation_id": 0, + "video_id": "63105" + }, + { + "bbox": [ + 118, + 5, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468928044.3290.mp4", + "variation_id": 0, + "video_id": "63106" + }, + { + "bbox": [ + 107, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/which.mp4", + "variation_id": 0, + "video_id": "63107" + }, + { + "bbox": [ + 75, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6439.mp4", + "variation_id": 0, + "video_id": "63108" + }, + { + "bbox": [ + 273, + 0, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DlMZXBngGKM", + "variation_id": 0, + "video_id": "63109" + }, + { + "bbox": [ + 366, + 123, + 842, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=Gbm4V-Dg44c", + "variation_id": 0, + "video_id": "63110" + } + ] + }, + { + "gloss": "win", + "instances": [ + { + "bbox": [ + 165, + 6, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WIN-1438.mp4", + "variation_id": 0, + "video_id": "66789" + }, + { + "bbox": [ + 395, + 0, + 1106, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=V5iXatFavN0", + "variation_id": 0, + "video_id": "68185" + }, + { + "bbox": [ + 331, + 37, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wMTeSLRMd3c", + "variation_id": 0, + "video_id": "63475" + }, + { + "bbox": [ + 155, + 18, + 1021, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=XCxqT5B_Ql8", + "variation_id": 0, + "video_id": "63476" + }, + { + "bbox": [ + 3, + 15, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/win.swf", + "variation_id": 0, + "video_id": "63477" + }, + { + "bbox": [ + 26, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51070.mp4", + "variation_id": 0, + "video_id": "63468" + }, + { + "bbox": [ + 100, + 8, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2vYnEG9tSuA", + "variation_id": 0, + "video_id": "67072" + }, + { + "bbox": [ + 173, + 49, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/victory.mp4", + "variation_id": 0, + "video_id": "63478" + }, + { + "bbox": [ + 338, + 59, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/win.mp4", + "variation_id": 0, + "video_id": "63469" + }, + { + "bbox": [ + 248, + 8, + 618, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 52, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20win.mp4", + "variation_id": 0, + "video_id": "63470" + }, + { + "bbox": [ + 104, + 3, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468928643.5684.mp4", + "variation_id": 0, + "video_id": "63471" + }, + { + "bbox": [ + 63, + 0, + 473, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/win.mp4", + "variation_id": 0, + "video_id": "63472" + }, + { + "bbox": [ + 64, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6440.mp4", + "variation_id": 0, + "video_id": "63473" + }, + { + "bbox": [ + 344, + 42, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wkk214uSk2s", + "variation_id": 0, + "video_id": "63474" + } + ] + }, + { + "gloss": "word", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3524, + "frame_start": 3478, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63750" + }, + { + "bbox": [ + 63, + 2, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/word.mp4", + "variation_id": 0, + "video_id": "63758" + }, + { + "bbox": [ + 63, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/word-plu.mp4", + "variation_id": 0, + "video_id": "63759" + }, + { + "bbox": [ + 77, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6032.mp4", + "variation_id": 0, + "video_id": "63760" + }, + { + "bbox": [ + 164, + 11, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QZsTrcfh4bI", + "variation_id": 0, + "video_id": "63761" + }, + { + "bbox": [ + 152, + 6, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORD-1449.mp4", + "variation_id": 0, + "video_id": "66803" + }, + { + "bbox": [ + 26, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51082.mp4", + "variation_id": 0, + "video_id": "63752" + }, + { + "bbox": [ + 18, + 19, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/word.swf", + "variation_id": 0, + "video_id": "63762" + }, + { + "bbox": [ + 236, + 38, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/word.mp4", + "variation_id": 0, + "video_id": "63763" + }, + { + "bbox": [ + 749, + 124, + 1630, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Word%2C%20Vocabulary-Rhx-awd6ZT4.mp4", + "variation_id": 0, + "video_id": "63753" + }, + { + "bbox": [ + 712, + 74, + 1629, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Word-BzoFToYY-JQ.mp4", + "variation_id": 0, + "video_id": "63754" + }, + { + "bbox": [ + 116, + 8, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468929034.4913.mp4", + "variation_id": 0, + "video_id": "63755" + }, + { + "bbox": [ + 137, + 22, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768280.6181.mp4", + "variation_id": 0, + "video_id": "63756" + }, + { + "bbox": [ + 380, + 0, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/word-cl.mp4", + "variation_id": 0, + "video_id": "63757" + } + ] + }, + { + "gloss": "afternoon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1138, + "frame_start": 1099, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01429" + }, + { + "bbox": [ + 149, + 37, + 414, + 360 + ], + "fps": 25, + "frame_end": 775, + "frame_start": 680, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70279" + }, + { + "bbox": [ + 202, + 64, + 902, + 720 + ], + "fps": 25, + "frame_end": 89, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=DUDs_9ON7vg", + "variation_id": 0, + "video_id": "68422" + }, + { + "bbox": [ + 20, + 4, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/afternoon.swf", + "variation_id": 0, + "video_id": "01441" + }, + { + "bbox": [ + 176, + 44, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/afternoon.mp4", + "variation_id": 0, + "video_id": "01442" + }, + { + "bbox": [ + 174, + 13, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AF/AFTERNOON-6.mp4", + "variation_id": 0, + "video_id": "65031" + }, + { + "bbox": [ + 72, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118363.mp4", + "variation_id": 0, + "video_id": "01433" + }, + { + "bbox": [ + 219, + 17, + 541, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/afternoon.mp4", + "variation_id": 0, + "video_id": "01434" + }, + { + "bbox": [ + 444, + 17, + 1240, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Afternoon-qjiREmBph34.mp4", + "variation_id": 0, + "video_id": "01435" + }, + { + "bbox": [ + 115, + 21, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466171348.7716.mp4", + "variation_id": 0, + "video_id": "01436" + }, + { + "bbox": [ + 102, + 0, + 523, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/afternoon.mp4", + "variation_id": 0, + "video_id": "01437" + }, + { + "bbox": [ + 72, + 15, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14717.mp4", + "variation_id": 0, + "video_id": "01438" + }, + { + "bbox": [ + 301, + 11, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=z4TGBHXWqdk", + "variation_id": 0, + "video_id": "01440" + } + ] + }, + { + "gloss": "age", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1275, + "frame_start": 1229, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01482" + }, + { + "bbox": [ + 364, + 38, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AoiE-Hzi0Rs", + "variation_id": 0, + "video_id": "01491" + }, + { + "bbox": [ + 367, + 37, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vcNRe0AQ6vY", + "variation_id": 0, + "video_id": "01493" + }, + { + "bbox": [ + 24, + 21, + 199, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/age.swf", + "variation_id": 0, + "video_id": "01494" + }, + { + "bbox": [ + 186, + 39, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AG/AGE-153.mp4", + "variation_id": 0, + "video_id": "65034" + }, + { + "bbox": [ + 64, + 5, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118367.mp4", + "variation_id": 0, + "video_id": "01485" + }, + { + "bbox": [ + 105, + 9, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8uBr4Nr4xYM", + "variation_id": 0, + "video_id": "67352" + }, + { + "bbox": [ + 178, + 49, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/age.mp4", + "variation_id": 0, + "video_id": "01495" + }, + { + "bbox": [ + 697, + 44, + 1583, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Age-5h5vx2DNnJw.mp4", + "variation_id": 0, + "video_id": "01486" + }, + { + "bbox": [ + 133, + 25, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466171455.4198.mp4", + "variation_id": 0, + "video_id": "01487" + }, + { + "bbox": [ + 150, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/age.mp4", + "variation_id": 0, + "video_id": "01488" + }, + { + "bbox": [ + 91, + 20, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23376.mp4", + "variation_id": 0, + "video_id": "01489" + }, + { + "bbox": [ + 74, + 16, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6337.mp4", + "variation_id": 0, + "video_id": "01490" + } + ] + }, + { + "gloss": "alone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1915, + "frame_start": 1839, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02102" + }, + { + "bbox": [ + 80, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14275.mp4", + "variation_id": 0, + "video_id": "02109" + }, + { + "bbox": [ + 69, + 10, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14276.mp4", + "variation_id": 0, + "video_id": "02110" + }, + { + "bbox": [ + 8, + 9, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/alone.swf", + "variation_id": 0, + "video_id": "02111" + }, + { + "bbox": [ + 223, + 31, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALONE-2065.mp4", + "variation_id": 0, + "video_id": "65057" + }, + { + "bbox": [ + 96, + 18, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3ekpuQTDedA", + "variation_id": 0, + "video_id": "67357" + }, + { + "bbox": [ + 234, + 34, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alone.mp4", + "variation_id": 0, + "video_id": "02112" + }, + { + "bbox": [ + 73, + 7, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118417.mp4", + "variation_id": 0, + "video_id": "02103" + }, + { + "bbox": [ + 452, + 85, + 1495, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Alone-XPC_elKHC2k.mp4", + "variation_id": 0, + "video_id": "02104" + }, + { + "bbox": [ + 521, + 78, + 1514, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Only%20One-pnVAEfSn_Jo.mp4", + "variation_id": 0, + "video_id": "02105" + }, + { + "bbox": [ + 136, + 21, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466173430.6335.mp4", + "variation_id": 0, + "video_id": "02106" + }, + { + "bbox": [ + 125, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/alone.mp4", + "variation_id": 0, + "video_id": "02107" + }, + { + "bbox": [ + 64, + 11, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14274.mp4", + "variation_id": 0, + "video_id": "02108" + } + ] + }, + { + "gloss": "appointment", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3276, + "frame_start": 3234, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03053" + }, + { + "bbox": [ + 125, + 21, + 524, + 480 + ], + "fps": 25, + "frame_end": 2556, + "frame_start": 2403, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70155" + }, + { + "bbox": [ + 76, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6265.mp4", + "variation_id": 0, + "video_id": "03062" + }, + { + "bbox": [ + 177, + 50, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/appointment.mp4", + "variation_id": 0, + "video_id": "03063" + }, + { + "bbox": [ + 196, + 40, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APPOINTMENT-2074.mp4", + "variation_id": 0, + "video_id": "65087" + }, + { + "bbox": [ + 24, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/186262.mp4", + "variation_id": 0, + "video_id": "03055" + }, + { + "bbox": [ + 101, + 13, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/T3geO4kqbQw", + "variation_id": 0, + "video_id": "67368" + }, + { + "bbox": [ + 65, + 15, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89669.mp4", + "variation_id": 0, + "video_id": "03056" + }, + { + "bbox": [ + 222, + 18, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/appointment.mp4", + "variation_id": 0, + "video_id": "03057" + }, + { + "bbox": [ + 314, + 20, + 1230, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 46, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Appointment-_6p2vswcewI.mp4", + "variation_id": 0, + "video_id": "03058" + }, + { + "bbox": [ + 234, + 13, + 589, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Appointment.mp4", + "variation_id": 0, + "video_id": "03059" + }, + { + "bbox": [ + 119, + 22, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466511982.60.mp4", + "variation_id": 0, + "video_id": "03060" + }, + { + "bbox": [ + 89, + 24, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22122.mp4", + "variation_id": 0, + "video_id": "03061" + } + ] + }, + { + "gloss": "australia", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5067, + "frame_start": 5008, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04183" + }, + { + "bbox": [ + 392, + 55, + 841, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/australia.mp4", + "variation_id": 0, + "video_id": "04186" + }, + { + "bbox": [ + 514, + 102, + 1668, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Australia%202-TPHeMqSGgCM.mp4", + "variation_id": 0, + "video_id": "04187" + }, + { + "bbox": [ + 558, + 51, + 1540, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Australia-jrfLziRGVAU.mp4", + "variation_id": 0, + "video_id": "04188" + }, + { + "bbox": [ + 538, + 106, + 1621, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Australia-WhRLSPxDkJw.mp4", + "variation_id": 0, + "video_id": "04189" + }, + { + "bbox": [ + 82, + 17, + 608, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646970.4368.mp4", + "variation_id": 0, + "video_id": "04190" + }, + { + "bbox": [ + 70, + 26, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/australia2.mp4", + "variation_id": 0, + "video_id": "04191" + }, + { + "bbox": [ + 190, + 0, + 509, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AU/AUSTRALIA-824.mp4", + "variation_id": 0, + "video_id": "65111" + }, + { + "bbox": [ + 75, + 0, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5754.mp4", + "variation_id": 0, + "video_id": "04193" + }, + { + "bbox": [ + 319, + 48, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qkec7A7_o8c", + "variation_id": 0, + "video_id": "04195" + }, + { + "bbox": [ + 14, + 20, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/australia_1.swf", + "variation_id": 0, + "video_id": "04196" + }, + { + "bbox": [ + 173, + 49, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/australia.mp4", + "variation_id": 0, + "video_id": "04198" + }, + { + "bbox": [ + 64, + 1, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455286.mp4", + "variation_id": 0, + "video_id": "04184" + } + ] + }, + { + "gloss": "avoid", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5411, + "frame_start": 5362, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04341" + }, + { + "bbox": [ + 323, + 59, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VmmkI3r_JGk", + "variation_id": 0, + "video_id": "04350" + }, + { + "bbox": [ + 3, + 16, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/avoid.swf", + "variation_id": 0, + "video_id": "04351" + }, + { + "bbox": [ + 184, + 49, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/avoid.mp4", + "variation_id": 0, + "video_id": "04352" + }, + { + "bbox": [ + 200, + 41, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AV/AVOID-2083.mp4", + "variation_id": 0, + "video_id": "65114" + }, + { + "bbox": [ + 161, + 15, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/AV/AVOID-2411.mp4", + "variation_id": 0, + "video_id": "65115" + }, + { + "bbox": [ + 51, + 3, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123103.mp4", + "variation_id": 0, + "video_id": "04343" + }, + { + "bbox": [ + 661, + 55, + 1674, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Avoid-yLNR1bTv8ek.mp4", + "variation_id": 0, + "video_id": "04344" + }, + { + "bbox": [ + 102, + 18, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466647301.1318.mp4", + "variation_id": 0, + "video_id": "04345" + }, + { + "bbox": [ + 137, + 25, + 475, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/avoid.mp4", + "variation_id": 0, + "video_id": "04346" + }, + { + "bbox": [ + 74, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7468.mp4", + "variation_id": 0, + "video_id": "04347" + }, + { + "bbox": [ + 71, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7469.mp4", + "variation_id": 0, + "video_id": "04348" + }, + { + "bbox": [ + 330, + 55, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ESOxu86BLGw", + "variation_id": 0, + "video_id": "04349" + } + ] + }, + { + "gloss": "balloon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 686, + "frame_start": 634, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04866" + }, + { + "bbox": [ + 66, + 12, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7189.mp4", + "variation_id": 0, + "video_id": "04873" + }, + { + "bbox": [ + 15, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/balloon.swf", + "variation_id": 0, + "video_id": "04874" + }, + { + "bbox": [ + 138, + 40, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/balloon.mp4", + "variation_id": 0, + "video_id": "04875" + }, + { + "bbox": [ + 191, + 41, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BALLOON-2087.mp4", + "variation_id": 0, + "video_id": "65132" + }, + { + "bbox": [ + 189, + 41, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BALLOON-2088.mp4", + "variation_id": 0, + "video_id": "65133" + }, + { + "bbox": [ + 95, + 0, + 435, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0j6f9C6hvSU", + "variation_id": 0, + "video_id": "67386" + }, + { + "bbox": [ + 25, + 9, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123217.mp4", + "variation_id": 0, + "video_id": "04867" + }, + { + "bbox": [ + 608, + 48, + 1730, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Balloon%202-pwZGdgrbI90.mp4", + "variation_id": 0, + "video_id": "04868" + }, + { + "bbox": [ + 695, + 51, + 1715, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Balloon-Unhi156uf3o.mp4", + "variation_id": 0, + "video_id": "04869" + }, + { + "bbox": [ + 61, + 22, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466648685.4078.mp4", + "variation_id": 0, + "video_id": "04870" + }, + { + "bbox": [ + 91, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/balloon.mp4", + "variation_id": 0, + "video_id": "04871" + }, + { + "bbox": [ + 88, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7188.mp4", + "variation_id": 0, + "video_id": "04872" + } + ] + }, + { + "gloss": "basement", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 958, + "frame_start": 896, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05193" + }, + { + "bbox": [ + 125, + 24, + 550, + 480 + ], + "fps": 25, + "frame_end": 5453, + "frame_start": 5322, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70041" + }, + { + "bbox": [ + 343, + 36, + 1046, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=C_TxYVsGywI", + "variation_id": 0, + "video_id": "05200" + }, + { + "bbox": [ + 347, + 60, + 1025, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gwSTnZlTWnQ", + "variation_id": 0, + "video_id": "05201" + }, + { + "bbox": [ + 351, + 92, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=vxHqc1L9tso", + "variation_id": 0, + "video_id": "05202" + }, + { + "bbox": [ + 175, + 0, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BASEMENT-572.mp4", + "variation_id": 0, + "video_id": "65142" + }, + { + "bbox": [ + 94, + 10, + 410, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/w1yOviGTgpw", + "variation_id": 0, + "video_id": "67391" + }, + { + "bbox": [ + 174, + 50, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/basement.mp4", + "variation_id": 0, + "video_id": "05204" + }, + { + "bbox": [ + 403, + 55, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/basement.mp4", + "variation_id": 0, + "video_id": "05194" + }, + { + "bbox": [ + 614, + 77, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Basement-Tso9F3Z9f2Q.mp4", + "variation_id": 0, + "video_id": "05195" + }, + { + "bbox": [ + 105, + 23, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466649389.7379.mp4", + "variation_id": 0, + "video_id": "05196" + }, + { + "bbox": [ + 114, + 3, + 567, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/basement.mp4", + "variation_id": 0, + "video_id": "05197" + }, + { + "bbox": [ + 66, + 14, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23995.mp4", + "variation_id": 0, + "video_id": "05198" + } + ] + }, + { + "gloss": "bear", + "instances": [ + { + "bbox": [ + 594, + 50, + 1402, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/bear.mp4", + "variation_id": 0, + "video_id": "69226" + }, + { + "bbox": [ + 178, + 4, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEAR-394.mp4", + "variation_id": 0, + "video_id": "65155" + }, + { + "bbox": [ + 215, + 17, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bear.mp4", + "variation_id": 0, + "video_id": "05486" + }, + { + "bbox": [ + 134, + 27, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466650058.9873.mp4", + "variation_id": 0, + "video_id": "05487" + }, + { + "bbox": [ + 155, + 5, + 467, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bear.mp4", + "variation_id": 0, + "video_id": "05488" + }, + { + "bbox": [ + 81, + 13, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14571.mp4", + "variation_id": 0, + "video_id": "05489" + }, + { + "bbox": [ + 53, + 12, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123615.mp4", + "variation_id": 0, + "video_id": "05484" + }, + { + "bbox": [ + 98, + 16, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sOWYYpscphg", + "variation_id": 0, + "video_id": "67396" + }, + { + "bbox": [ + 126, + 37, + 404, + 348 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7qtNh6buYq8", + "variation_id": 0, + "video_id": "05494" + }, + { + "bbox": [ + 309, + 42, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ujMxbgtxhvE", + "variation_id": 0, + "video_id": "05495" + }, + { + "bbox": [ + 334, + 59, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=V_ZssFiY9fc", + "variation_id": 0, + "video_id": "05496" + }, + { + "bbox": [ + 3, + 5, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 49, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bear.swf", + "variation_id": 0, + "video_id": "05497" + }, + { + "bbox": [ + 246, + 40, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/bear2.mp4", + "variation_id": 0, + "video_id": "05498" + } + ] + }, + { + "gloss": "believe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1989, + "frame_start": 1933, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05852" + }, + { + "bbox": [ + 136, + 5, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kEAwiaMaiSU", + "variation_id": 0, + "video_id": "05859" + }, + { + "bbox": [ + 263, + 23, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kEAwiaMaiSU", + "variation_id": 0, + "video_id": "05860" + }, + { + "bbox": [ + 10, + 6, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/believe.swf", + "variation_id": 0, + "video_id": "05861" + }, + { + "bbox": [ + 217, + 30, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BELIEVE-1963.mp4", + "variation_id": 0, + "video_id": "65171" + }, + { + "bbox": [ + 161, + 32, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BELIEVE-576.mp4", + "variation_id": 0, + "video_id": "65170" + }, + { + "bbox": [ + 89, + 15, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1EB4fvsQV_4", + "variation_id": 0, + "video_id": "67405" + }, + { + "bbox": [ + 56, + 11, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124266.mp4", + "variation_id": 0, + "video_id": "05853" + }, + { + "bbox": [ + 577, + 36, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Believe%2C%20Belief%202-RPPPa9Eflvw.mp4", + "variation_id": 0, + "video_id": "05854" + }, + { + "bbox": [ + 540, + 59, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Believe%2C%20Belief-Gn3JioBwLgg.mp4", + "variation_id": 0, + "video_id": "05855" + }, + { + "bbox": [ + 97, + 26, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681536.7148.mp4", + "variation_id": 0, + "video_id": "05856" + }, + { + "bbox": [ + 62, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/believe.mp4", + "variation_id": 0, + "video_id": "05857" + }, + { + "bbox": [ + 63, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9846.mp4", + "variation_id": 0, + "video_id": "05858" + } + ] + }, + { + "gloss": "better", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2462, + "frame_start": 2423, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06062" + }, + { + "bbox": [ + 99, + 31, + 284, + 240 + ], + "fps": 25, + "frame_end": 5682, + "frame_start": 5579, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70328" + }, + { + "bbox": [ + 0, + 8, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/better.swf", + "variation_id": 0, + "video_id": "06074" + }, + { + "bbox": [ + 165, + 52, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/better.mp4", + "variation_id": 0, + "video_id": "06075" + }, + { + "bbox": [ + 179, + 21, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BETTER-409.mp4", + "variation_id": 0, + "video_id": "65179" + }, + { + "bbox": [ + 29, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51367.mp4", + "variation_id": 0, + "video_id": "06066" + }, + { + "bbox": [ + 71, + 22, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681844.1234.mp4", + "variation_id": 0, + "video_id": "06067" + }, + { + "bbox": [ + 33, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/better.mp4", + "variation_id": 0, + "video_id": "06068" + }, + { + "bbox": [ + 40, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9289.mp4", + "variation_id": 0, + "video_id": "06069" + }, + { + "bbox": [ + 274, + 48, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ELNnJbiS8NU", + "variation_id": 0, + "video_id": "06070" + }, + { + "bbox": [ + 294, + 37, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sQ_ABcs0n0A", + "variation_id": 0, + "video_id": "06071" + }, + { + "bbox": [ + 57, + 5, + 469, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=XiGTZRk-ofg", + "variation_id": 0, + "video_id": "06072" + }, + { + "bbox": [ + 281, + 30, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=XiGTZRk-ofg", + "variation_id": 0, + "video_id": "06073" + } + ] + }, + { + "gloss": "blind", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3419, + "frame_start": 3383, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06643" + }, + { + "bbox": [ + 321, + 63, + 877, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WBPhv9lZVRU", + "variation_id": 0, + "video_id": "06656" + }, + { + "bbox": [ + 2, + 17, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/blind.swf", + "variation_id": 0, + "video_id": "06657" + }, + { + "bbox": [ + 226, + 38, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/blind.mp4", + "variation_id": 0, + "video_id": "06658" + }, + { + "bbox": [ + 185, + 0, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLIND-2117.mp4", + "variation_id": 0, + "video_id": "65209" + }, + { + "bbox": [ + 61, + 9, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124725.mp4", + "variation_id": 0, + "video_id": "06649" + }, + { + "bbox": [ + 106, + 8, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hsoG6v2prfU", + "variation_id": 0, + "video_id": "67416" + }, + { + "bbox": [ + 75, + 12, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/480707.mp4", + "variation_id": 0, + "video_id": "06650" + }, + { + "bbox": [ + 661, + 94, + 1352, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blind-6T0QuuJ73Q0.mp4", + "variation_id": 0, + "video_id": "06651" + }, + { + "bbox": [ + 129, + 24, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466683113.2054.mp4", + "variation_id": 0, + "video_id": "06652" + }, + { + "bbox": [ + 140, + 21, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blind.mp4", + "variation_id": 0, + "video_id": "06653" + }, + { + "bbox": [ + 85, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9246.mp4", + "variation_id": 0, + "video_id": "06654" + }, + { + "bbox": [ + 72, + 15, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9247.mp4", + "variation_id": 0, + "video_id": "06655" + } + ] + }, + { + "gloss": "bored", + "instances": [ + { + "bbox": [ + 190, + 3, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BORED-2124.mp4", + "variation_id": 0, + "video_id": "65229" + }, + { + "bbox": [ + 62, + 27, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22923.mp4", + "variation_id": 0, + "video_id": "07196" + }, + { + "bbox": [ + 65, + 27, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22924.mp4", + "variation_id": 0, + "video_id": "07197" + }, + { + "bbox": [ + 51, + 9, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8726.mp4", + "variation_id": 0, + "video_id": "07198" + }, + { + "bbox": [ + 371, + 55, + 843, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=csFsZla1UHo", + "variation_id": 0, + "video_id": "07199" + }, + { + "bbox": [ + 255, + 0, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QvyazQaCmtM", + "variation_id": 0, + "video_id": "07200" + }, + { + "bbox": [ + 524, + 55, + 1467, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bored-VwmM3tpIf80.mp4", + "variation_id": 0, + "video_id": "07191" + }, + { + "bbox": [ + 106, + 9, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/m7HMAM7YYSM", + "variation_id": 0, + "video_id": "67427" + }, + { + "bbox": [ + 355, + 55, + 865, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=SJEkJzHd8Pg", + "variation_id": 0, + "video_id": "07201" + }, + { + "bbox": [ + 0, + 9, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bored.swf", + "variation_id": 0, + "video_id": "07202" + }, + { + "bbox": [ + 215, + 38, + 469, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bore.mp4", + "variation_id": 0, + "video_id": "07203" + }, + { + "bbox": [ + 68, + 19, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466684554.6883.mp4", + "variation_id": 0, + "video_id": "07192" + }, + { + "bbox": [ + 38, + 3, + 490, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/bored.mp4", + "variation_id": 0, + "video_id": "07194" + } + ] + }, + { + "gloss": "bowl", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4052, + "frame_start": 4010, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07369" + }, + { + "bbox": [ + 130, + 31, + 289, + 240 + ], + "fps": 25, + "frame_end": 3741, + "frame_start": 3643, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70318" + }, + { + "bbox": [ + 0, + 0, + 251, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bowl_mixing.swf", + "variation_id": 0, + "video_id": "07379" + }, + { + "bbox": [ + 0, + 0, + 254, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bowl_serving.swf", + "variation_id": 0, + "video_id": "07380" + }, + { + "bbox": [ + 178, + 26, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOWL-48.mp4", + "variation_id": 0, + "video_id": "65240" + }, + { + "bbox": [ + 58, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74888.mp4", + "variation_id": 0, + "video_id": "07371" + }, + { + "bbox": [ + 89, + 16, + 409, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yMcIeVP87AU", + "variation_id": 0, + "video_id": "67430" + }, + { + "bbox": [ + 0, + 0, + 236, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bowl.swf", + "variation_id": 0, + "video_id": "07381" + }, + { + "bbox": [ + 243, + 41, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bowl.mp4", + "variation_id": 0, + "video_id": "07382" + }, + { + "bbox": [ + 654, + 73, + 1622, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bowl-vubX1C5x0JM.mp4", + "variation_id": 0, + "video_id": "07372" + }, + { + "bbox": [ + 99, + 27, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466684945.6683.mp4", + "variation_id": 0, + "video_id": "07373" + }, + { + "bbox": [ + 69, + 23, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/bowl.mp4", + "variation_id": 0, + "video_id": "07374" + }, + { + "bbox": [ + 90, + 15, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7900.mp4", + "variation_id": 0, + "video_id": "07375" + } + ] + }, + { + "gloss": "box", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4159, + "frame_start": 4100, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07413" + }, + { + "bbox": [ + 381, + 33, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 119, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/box.mp4", + "variation_id": 0, + "video_id": "69244" + }, + { + "bbox": [ + 141, + 43, + 429, + 360 + ], + "fps": 25, + "frame_end": 5811, + "frame_start": 5710, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70238" + }, + { + "bbox": [ + 219, + 42, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/box.mp4", + "variation_id": 0, + "video_id": "07424" + }, + { + "bbox": [ + 182, + 26, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOX-419.mp4", + "variation_id": 0, + "video_id": "65244" + }, + { + "bbox": [ + 61, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74889.mp4", + "variation_id": 0, + "video_id": "07417" + }, + { + "bbox": [ + 101, + 17, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bcOnQpUXr3I", + "variation_id": 0, + "video_id": "67434" + }, + { + "bbox": [ + 83, + 13, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466685077.724.mp4", + "variation_id": 0, + "video_id": "07418" + }, + { + "bbox": [ + 44, + 11, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/box.mp4", + "variation_id": 0, + "video_id": "07419" + }, + { + "bbox": [ + 56, + 9, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9515.mp4", + "variation_id": 0, + "video_id": "07420" + }, + { + "bbox": [ + 52, + 8, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9516.mp4", + "variation_id": 0, + "video_id": "07421" + }, + { + "bbox": [ + 342, + 38, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=gk080-zpT4Q", + "variation_id": 0, + "video_id": "07422" + }, + { + "bbox": [ + 340, + 29, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ha93exTtXtc", + "variation_id": 0, + "video_id": "07423" + } + ] + }, + { + "gloss": "bracelet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4382, + "frame_start": 4336, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07469" + }, + { + "bbox": [ + 14, + 5, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/bracelet_charm.swf", + "variation_id": 0, + "video_id": "07476" + }, + { + "bbox": [ + 10, + 5, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/bracelet_id.swf", + "variation_id": 0, + "video_id": "07477" + }, + { + "bbox": [ + 11, + 5, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bracelet.swf", + "variation_id": 0, + "video_id": "07478" + }, + { + "bbox": [ + 218, + 34, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRACELET-1979.mp4", + "variation_id": 0, + "video_id": "65247" + }, + { + "bbox": [ + 117, + 17, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4wiQljLEcGw", + "variation_id": 0, + "video_id": "67436" + }, + { + "bbox": [ + 170, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bracelet.mp4", + "variation_id": 0, + "video_id": "07479" + }, + { + "bbox": [ + 37, + 9, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125263.mp4", + "variation_id": 0, + "video_id": "07470" + }, + { + "bbox": [ + 437, + 70, + 847, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bracelet.mp4", + "variation_id": 0, + "video_id": "07471" + }, + { + "bbox": [ + 676, + 88, + 1527, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wrist%20Bracelet-ARDQc024Byk.mp4", + "variation_id": 0, + "video_id": "07472" + }, + { + "bbox": [ + 86, + 18, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466685330.9799.mp4", + "variation_id": 0, + "video_id": "07473" + }, + { + "bbox": [ + 302, + 29, + 1078, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/bracelet.mp4", + "variation_id": 0, + "video_id": "07474" + }, + { + "bbox": [ + 66, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9583.mp4", + "variation_id": 0, + "video_id": "07475" + } + ] + }, + { + "gloss": "bread", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4618, + "frame_start": 4569, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07593" + }, + { + "bbox": [ + 101, + 32, + 505, + 480 + ], + "fps": 25, + "frame_end": 1413, + "frame_start": 1363, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70063" + }, + { + "bbox": [ + 7, + 19, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bread.swf", + "variation_id": 0, + "video_id": "07603" + }, + { + "bbox": [ + 171, + 52, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bread.mp4", + "variation_id": 0, + "video_id": "07604" + }, + { + "bbox": [ + 54, + 1, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74891.mp4", + "variation_id": 0, + "video_id": "07595" + }, + { + "bbox": [ + 94, + 19, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Whwbh77dGpU", + "variation_id": 0, + "video_id": "67439" + }, + { + "bbox": [ + 209, + 14, + 535, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bread.mp4", + "variation_id": 0, + "video_id": "07596" + }, + { + "bbox": [ + 458, + 43, + 1101, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Bread.mp4", + "variation_id": 0, + "video_id": "07597" + }, + { + "bbox": [ + 67, + 23, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466723620.5444.mp4", + "variation_id": 0, + "video_id": "07598" + }, + { + "bbox": [ + 45, + 15, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/bread.mp4", + "variation_id": 0, + "video_id": "07599" + }, + { + "bbox": [ + 66, + 11, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7902.mp4", + "variation_id": 0, + "video_id": "07600" + }, + { + "bbox": [ + 79, + 15, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8391.mp4", + "variation_id": 0, + "video_id": "07601" + }, + { + "bbox": [ + 268, + 64, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=uLTW-N6UY8E", + "variation_id": 0, + "video_id": "07602" + } + ] + }, + { + "gloss": "cafeteria", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 117, + "frame_start": 61, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08586" + }, + { + "bbox": [ + 137, + 39, + 409, + 360 + ], + "fps": 25, + "frame_end": 1432, + "frame_start": 1326, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70228" + }, + { + "bbox": [ + 372, + 39, + 979, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=-ynqS9XaFwY", + "variation_id": 0, + "video_id": "69064" + }, + { + "bbox": [ + 176, + 51, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cafeteria.mp4", + "variation_id": 0, + "video_id": "08595" + }, + { + "bbox": [ + 189, + 5, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAFETERIA-2145.mp4", + "variation_id": 0, + "video_id": "65284" + }, + { + "bbox": [ + 121, + 17, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/KmDKguy0lTg", + "variation_id": 0, + "video_id": "67458" + }, + { + "bbox": [ + 60, + 2, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74898.mp4", + "variation_id": 0, + "video_id": "08587" + }, + { + "bbox": [ + 406, + 51, + 800, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cafeteria.mp4", + "variation_id": 0, + "video_id": "08588" + }, + { + "bbox": [ + 697, + 51, + 1675, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cafeteria-Wh1kREgi9tE.mp4", + "variation_id": 0, + "video_id": "08589" + }, + { + "bbox": [ + 108, + 19, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466725761.86.mp4", + "variation_id": 0, + "video_id": "08590" + }, + { + "bbox": [ + 68, + 16, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cafeteria.mp4", + "variation_id": 0, + "video_id": "08591" + }, + { + "bbox": [ + 77, + 22, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22163.mp4", + "variation_id": 0, + "video_id": "08592" + }, + { + "bbox": [ + 68, + 17, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23896.mp4", + "variation_id": 0, + "video_id": "08593" + } + ] + }, + { + "gloss": "car", + "instances": [ + { + "bbox": [ + 327, + 35, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/car.mp4", + "variation_id": 0, + "video_id": "69258" + }, + { + "bbox": [ + 48, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125780.mp4", + "variation_id": 0, + "video_id": "09234" + }, + { + "bbox": [ + 128, + 36, + 414, + 360 + ], + "fps": 25, + "frame_end": 4158, + "frame_start": 4054, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70268" + }, + { + "bbox": [ + 360, + 75, + 1008, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Za4dlDNuOgA", + "variation_id": 0, + "video_id": "69078" + }, + { + "bbox": [ + 728, + 88, + 1639, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Car-iBQ1MrZe2mc.mp4", + "variation_id": 0, + "video_id": "09237" + }, + { + "bbox": [ + 105, + 20, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466727183.485.mp4", + "variation_id": 0, + "video_id": "09238" + }, + { + "bbox": [ + 64, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/car2.mp4", + "variation_id": 0, + "video_id": "09240" + }, + { + "bbox": [ + 87, + 17, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bpaD9jjVXuk", + "variation_id": 0, + "video_id": "67473" + }, + { + "bbox": [ + 64, + 5, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5672.mp4", + "variation_id": 0, + "video_id": "09244" + }, + { + "bbox": [ + 323, + 32, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=KnZRyc5aYO0", + "variation_id": 0, + "video_id": "09245" + }, + { + "bbox": [ + 171, + 12, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-NTyYtAyUPI", + "variation_id": 0, + "video_id": "09246" + }, + { + "bbox": [ + 185, + 55, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/car.mp4", + "variation_id": 0, + "video_id": "09249" + }, + { + "bbox": [ + 217, + 16, + 545, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/car.mp4", + "variation_id": 0, + "video_id": "09235" + } + ] + }, + { + "gloss": "chicken", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2815, + "frame_start": 2763, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10395" + }, + { + "bbox": [ + 98, + 29, + 467, + 480 + ], + "fps": 25, + "frame_end": 836, + "frame_start": 740, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70060" + }, + { + "bbox": [ + 104, + 19, + 515, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chicken.mp4", + "variation_id": 0, + "video_id": "10399" + }, + { + "bbox": [ + 71, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23779.mp4", + "variation_id": 0, + "video_id": "10400" + }, + { + "bbox": [ + 74, + 18, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9022.mp4", + "variation_id": 0, + "video_id": "10405" + }, + { + "bbox": [ + 139, + 36, + 402, + 342 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fmJZWdDmbQ0", + "variation_id": 0, + "video_id": "10406" + }, + { + "bbox": [ + 169, + 10, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHICKEN-2901.mp4", + "variation_id": 0, + "video_id": "65349" + }, + { + "bbox": [ + 427, + 61, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/chicken.mp4", + "variation_id": 0, + "video_id": "10397" + }, + { + "bbox": [ + 315, + 56, + 900, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=HVRRcxktvlw", + "variation_id": 0, + "video_id": "10407" + }, + { + "bbox": [ + 301, + 65, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Pszo0ZVIcUA", + "variation_id": 0, + "video_id": "10408" + }, + { + "bbox": [ + 28, + 20, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chicken_scared.swf", + "variation_id": 0, + "video_id": "10410" + }, + { + "bbox": [ + 19, + 7, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/chicken.swf", + "variation_id": 0, + "video_id": "10411" + }, + { + "bbox": [ + 188, + 59, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/chicken.mp4", + "variation_id": 0, + "video_id": "10412" + } + ] + }, + { + "gloss": "child", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2865, + "frame_start": 2816, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10435" + }, + { + "bbox": [ + 69, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9191.mp4", + "variation_id": 0, + "video_id": "10450" + }, + { + "bbox": [ + 324, + 48, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=32hgy9NSs7k", + "variation_id": 0, + "video_id": "10451" + }, + { + "bbox": [ + 17, + 12, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/child.swf", + "variation_id": 0, + "video_id": "10452" + }, + { + "bbox": [ + 130, + 14, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHILD-75.mp4", + "variation_id": 0, + "video_id": "65351" + }, + { + "bbox": [ + 64, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125977.mp4", + "variation_id": 0, + "video_id": "10443" + }, + { + "bbox": [ + 130, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/child.mp4", + "variation_id": 0, + "video_id": "10453" + }, + { + "bbox": [ + 700, + 66, + 1636, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Child-D-7K4sSsMWw.mp4", + "variation_id": 0, + "video_id": "10444" + }, + { + "bbox": [ + 616, + 61, + 1702, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Child-WrFMVymtcRs.mp4", + "variation_id": 0, + "video_id": "10445" + }, + { + "bbox": [ + 693, + 70, + 1631, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Short-bjSx00_gSOs.mp4", + "variation_id": 0, + "video_id": "10446" + }, + { + "bbox": [ + 50, + 24, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466732333.9614.mp4", + "variation_id": 0, + "video_id": "10447" + }, + { + "bbox": [ + 148, + 0, + 558, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/child.mp4", + "variation_id": 0, + "video_id": "10448" + }, + { + "bbox": [ + 50, + 17, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23321.mp4", + "variation_id": 0, + "video_id": "10449" + } + ] + }, + { + "gloss": "choose", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3165, + "frame_start": 3119, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10624" + }, + { + "bbox": [ + 187, + 1, + 504, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/choose.mp4", + "variation_id": 0, + "video_id": "10628" + }, + { + "bbox": [ + 63, + 30, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/choose-you.mp4", + "variation_id": 0, + "video_id": "10630" + }, + { + "bbox": [ + 69, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14268.mp4", + "variation_id": 0, + "video_id": "10631" + }, + { + "bbox": [ + 78, + 16, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22781.mp4", + "variation_id": 0, + "video_id": "10632" + }, + { + "bbox": [ + 83, + 17, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22783.mp4", + "variation_id": 0, + "video_id": "10634" + }, + { + "bbox": [ + 83, + 18, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22784.mp4", + "variation_id": 0, + "video_id": "10635" + }, + { + "bbox": [ + 83, + 11, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6201.mp4", + "variation_id": 0, + "video_id": "10636" + }, + { + "bbox": [ + 85, + 14, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6202.mp4", + "variation_id": 0, + "video_id": "10637" + }, + { + "bbox": [ + 395, + 56, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=rKQdZODL_ao", + "variation_id": 0, + "video_id": "10639" + }, + { + "bbox": [ + 22, + 17, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/choose.swf", + "variation_id": 0, + "video_id": "10640" + }, + { + "bbox": [ + 171, + 57, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/choice.mp4", + "variation_id": 0, + "video_id": "10641" + }, + { + "bbox": [ + 74, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/126010.mp4", + "variation_id": 0, + "video_id": "10625" + } + ] + }, + { + "gloss": "church", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3428, + "frame_start": 3379, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10768" + }, + { + "bbox": [ + 185, + 24, + 1024, + 720 + ], + "fps": 25, + "frame_end": 94, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=lHTdrUkUVcM", + "variation_id": 0, + "video_id": "68658" + }, + { + "bbox": [ + 12, + 22, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/church.swf", + "variation_id": 0, + "video_id": "10776" + }, + { + "bbox": [ + 211, + 42, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/church.mp4", + "variation_id": 0, + "video_id": "10777" + }, + { + "bbox": [ + 164, + 17, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/CH/CHURCH-2296.mp4", + "variation_id": 0, + "video_id": "65358" + }, + { + "bbox": [ + 80, + 20, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5l1FtsYkTDI", + "variation_id": 0, + "video_id": "67499" + }, + { + "bbox": [ + 41, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 1, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/400994.mp4", + "variation_id": 0, + "video_id": "10769" + }, + { + "bbox": [ + 373, + 52, + 800, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/church.mp4", + "variation_id": 0, + "video_id": "10770" + }, + { + "bbox": [ + 537, + 59, + 1576, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Church-nPM03TJ2njU.mp4", + "variation_id": 0, + "video_id": "10771" + }, + { + "bbox": [ + 107, + 25, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466733626.4965.mp4", + "variation_id": 0, + "video_id": "10772" + }, + { + "bbox": [ + 67, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/church.mp4", + "variation_id": 0, + "video_id": "10773" + }, + { + "bbox": [ + 66, + 14, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7174.mp4", + "variation_id": 0, + "video_id": "10774" + }, + { + "bbox": [ + 335, + 42, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=MrQpEWyELqo", + "variation_id": 0, + "video_id": "10775" + } + ] + }, + { + "gloss": "cookie", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6047, + "frame_start": 5985, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13169" + }, + { + "bbox": [ + 207, + 30, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/cookie.mp4", + "variation_id": 0, + "video_id": "69280" + }, + { + "bbox": [ + 81, + 23, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23051.mp4", + "variation_id": 0, + "video_id": "13179" + }, + { + "bbox": [ + 310, + 46, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=X7Bu7NVbl6k", + "variation_id": 0, + "video_id": "13180" + }, + { + "bbox": [ + 12, + 15, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cookie.swf", + "variation_id": 0, + "video_id": "13181" + }, + { + "bbox": [ + 34, + 7, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74946.mp4", + "variation_id": 0, + "video_id": "13172" + }, + { + "bbox": [ + 78, + 11, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/_v3tnw-SLDc", + "variation_id": 0, + "video_id": "67526" + }, + { + "bbox": [ + 161, + 55, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cookie.mp4", + "variation_id": 0, + "video_id": "13182" + }, + { + "bbox": [ + 192, + 15, + 543, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cookie.mp4", + "variation_id": 0, + "video_id": "13173" + }, + { + "bbox": [ + 572, + 78, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cookie%202-VDyv32guxac.mp4", + "variation_id": 0, + "video_id": "13174" + }, + { + "bbox": [ + 303, + 9, + 824, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cookies-bC_ITFy15iM.mp4", + "variation_id": 0, + "video_id": "13175" + }, + { + "bbox": [ + 111, + 25, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466903059.2055.mp4", + "variation_id": 0, + "video_id": "13177" + }, + { + "bbox": [ + 17, + 2, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cookie.mp4", + "variation_id": 0, + "video_id": "13178" + } + ] + }, + { + "gloss": "cup", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7256, + "frame_start": 7220, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14276" + }, + { + "bbox": [ + 373, + 48, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9y350umbfB8", + "variation_id": 0, + "video_id": "14294" + }, + { + "bbox": [ + 357, + 30, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AeJ3voRJJZQ", + "variation_id": 0, + "video_id": "14295" + }, + { + "bbox": [ + 371, + 66, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=swOJJWPxjbI", + "variation_id": 0, + "video_id": "14296" + }, + { + "bbox": [ + 63, + 8, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74958.mp4", + "variation_id": 0, + "video_id": "14287" + }, + { + "bbox": [ + 126, + 20, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/WfTb4Ez1Ivs", + "variation_id": 0, + "video_id": "67546" + }, + { + "bbox": [ + 19, + 10, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cup.swf", + "variation_id": 0, + "video_id": "14297" + }, + { + "bbox": [ + 185, + 60, + 529, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cup.mp4", + "variation_id": 0, + "video_id": "14298" + }, + { + "bbox": [ + 617, + 69, + 1584, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cup-nG2mw4Jjp94.mp4", + "variation_id": 0, + "video_id": "14288" + }, + { + "bbox": [ + 119, + 27, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466905724.9794.mp4", + "variation_id": 0, + "video_id": "14289" + }, + { + "bbox": [ + 143, + 6, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cup.mp4", + "variation_id": 0, + "video_id": "14290" + }, + { + "bbox": [ + 85, + 25, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23013.mp4", + "variation_id": 0, + "video_id": "14291" + }, + { + "bbox": [ + 84, + 25, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23014.mp4", + "variation_id": 0, + "video_id": "14292" + } + ] + }, + { + "gloss": "cut", + "instances": [ + { + "bbox": [ + 58, + 27, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91475.mp4", + "variation_id": 0, + "video_id": "14466" + }, + { + "bbox": [ + 178, + 57, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/cut2.mp4", + "variation_id": 0, + "video_id": "14485" + }, + { + "bbox": [ + 718, + 63, + 1651, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cut-EjNWDilkKmc.mp4", + "variation_id": 0, + "video_id": "14467" + }, + { + "bbox": [ + 160, + 12, + 514, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cut-incise.mp4", + "variation_id": 0, + "video_id": "14471" + }, + { + "bbox": [ + 18, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cut-nails.mp4", + "variation_id": 1, + "video_id": "14472" + }, + { + "bbox": [ + 111, + 0, + 496, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/cut-scissors.mp4", + "variation_id": 1, + "video_id": "14473" + }, + { + "bbox": [ + 25, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cut-slices.mp4", + "variation_id": 0, + "video_id": "14474" + }, + { + "bbox": [ + 70, + 23, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23863.mp4", + "variation_id": 0, + "video_id": "14477" + }, + { + "bbox": [ + 65, + 21, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23864.mp4", + "variation_id": 0, + "video_id": "14478" + }, + { + "bbox": [ + 70, + 20, + 217, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8460.mp4", + "variation_id": 0, + "video_id": "14479" + }, + { + "bbox": [ + 71, + 8, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8668.mp4", + "variation_id": 1, + "video_id": "14481" + }, + { + "bbox": [ + 58, + 4, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8672.mp4", + "variation_id": 1, + "video_id": "14482" + }, + { + "bbox": [ + 17, + 11, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cut.swf", + "variation_id": 1, + "video_id": "14484" + } + ] + }, + { + "gloss": "decorate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 797, + "frame_start": 738, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15092" + }, + { + "bbox": [ + 64, + 9, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14302.mp4", + "variation_id": 1, + "video_id": "15099" + }, + { + "bbox": [ + 54, + 9, + 245, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6684.mp4", + "variation_id": 1, + "video_id": "15100" + }, + { + "bbox": [ + 84, + 15, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7934.mp4", + "variation_id": 1, + "video_id": "15101" + }, + { + "bbox": [ + 106, + 17, + 539, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DECORATE-1227.mp4", + "variation_id": 0, + "video_id": "65451" + }, + { + "bbox": [ + 1, + 0, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/decorate.swf", + "variation_id": 1, + "video_id": "15102" + }, + { + "bbox": [ + 192, + 46, + 580, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/decorate.mp4", + "variation_id": 0, + "video_id": "15103" + }, + { + "bbox": [ + 55, + 8, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74965.mp4", + "variation_id": 1, + "video_id": "15093" + }, + { + "bbox": [ + 174, + 21, + 1899, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Decorate%203-cUmXEazwV_E.mp4", + "variation_id": 0, + "video_id": "15094" + }, + { + "bbox": [ + 340, + 47, + 1677, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Decorate-3DpvG2tEL-Q.mp4", + "variation_id": 0, + "video_id": "15095" + }, + { + "bbox": [ + 53, + 11, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466907412.9093.mp4", + "variation_id": 0, + "video_id": "15096" + }, + { + "bbox": [ + 43, + 38, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/decorate2.mp4", + "variation_id": 0, + "video_id": "15097" + }, + { + "bbox": [ + 45, + 30, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/decorate.mp4", + "variation_id": 0, + "video_id": "15098" + } + ] + }, + { + "gloss": "deep", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 847, + "frame_start": 798, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15153" + }, + { + "bbox": [ + 263, + 58, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0vcF3e4c4nc", + "variation_id": 0, + "video_id": "15164" + }, + { + "bbox": [ + 0, + 15, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/deep.swf", + "variation_id": 0, + "video_id": "15165" + }, + { + "bbox": [ + 228, + 48, + 507, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/deep.mp4", + "variation_id": 0, + "video_id": "15166" + }, + { + "bbox": [ + 142, + 16, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEEP-1237.mp4", + "variation_id": 0, + "video_id": "65453" + }, + { + "bbox": [ + 82, + 36, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93281.mp4", + "variation_id": 0, + "video_id": "15157" + }, + { + "bbox": [ + 89, + 20, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yBEoFX3PTFU", + "variation_id": 0, + "video_id": "67557" + }, + { + "bbox": [ + 526, + 94, + 1439, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deep-rsqIbk2Jp-E.mp4", + "variation_id": 0, + "video_id": "15158" + }, + { + "bbox": [ + 612, + 68, + 1762, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Intense%2C%20Deep%2C%20%20Fracking-Gkd4jkxN0Yg.mp4", + "variation_id": 0, + "video_id": "15159" + }, + { + "bbox": [ + 127, + 26, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466907507.22.mp4", + "variation_id": 0, + "video_id": "15160" + }, + { + "bbox": [ + 54, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/deep.mp4", + "variation_id": 0, + "video_id": "15161" + }, + { + "bbox": [ + 43, + 5, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14648.mp4", + "variation_id": 0, + "video_id": "15162" + }, + { + "bbox": [ + 47, + 4, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5918.mp4", + "variation_id": 0, + "video_id": "15163" + } + ] + }, + { + "gloss": "deer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 927, + "frame_start": 848, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15169" + }, + { + "bbox": [ + 88, + 33, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/deer.mp4", + "variation_id": 0, + "video_id": "69292" + }, + { + "bbox": [ + 0, + 17, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/deer.swf", + "variation_id": 0, + "video_id": "15179" + }, + { + "bbox": [ + 187, + 47, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/deer.mp4", + "variation_id": 0, + "video_id": "15180" + }, + { + "bbox": [ + 28, + 22, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/311578.mp4", + "variation_id": 0, + "video_id": "15171" + }, + { + "bbox": [ + 86, + 12, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8jFBkxz_KxA", + "variation_id": 0, + "video_id": "67558" + }, + { + "bbox": [ + 376, + 46, + 1770, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deer-NmHwkyJ7VTg.mp4", + "variation_id": 0, + "video_id": "15172" + }, + { + "bbox": [ + 83, + 6, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466907540.8808.mp4", + "variation_id": 0, + "video_id": "15173" + }, + { + "bbox": [ + 8, + 13, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/deer2.mp4", + "variation_id": 0, + "video_id": "15174" + }, + { + "bbox": [ + 5, + 14, + 305, + 238 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/deer.mp4", + "variation_id": 0, + "video_id": "15175" + }, + { + "bbox": [ + 42, + 4, + 244, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23656.mp4", + "variation_id": 0, + "video_id": "15176" + }, + { + "bbox": [ + 44, + 1, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23657.mp4", + "variation_id": 0, + "video_id": "15177" + }, + { + "bbox": [ + 288, + 53, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 67, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=c9AFBIWlh_A", + "variation_id": 0, + "video_id": "15178" + } + ] + }, + { + "gloss": "dentist", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1397, + "frame_start": 1335, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15527" + }, + { + "bbox": [ + 79, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8399.mp4", + "variation_id": 0, + "video_id": "15534" + }, + { + "bbox": [ + 359, + 29, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Zx8scLXglQU", + "variation_id": 1, + "video_id": "15535" + }, + { + "bbox": [ + 0, + 14, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/dentist.swf", + "variation_id": 1, + "video_id": "15536" + }, + { + "bbox": [ + 161, + 6, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DENTIST-2572.mp4", + "variation_id": 0, + "video_id": "65460" + }, + { + "bbox": [ + 130, + 14, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hFYz2cLYRQw", + "variation_id": 0, + "video_id": "67561" + }, + { + "bbox": [ + 186, + 61, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/dentist.mp4", + "variation_id": 1, + "video_id": "15537" + }, + { + "bbox": [ + 81, + 41, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93289.mp4", + "variation_id": 1, + "video_id": "15528" + }, + { + "bbox": [ + 222, + 16, + 519, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dentist.mp4", + "variation_id": 1, + "video_id": "15529" + }, + { + "bbox": [ + 359, + 20, + 761, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dentist-vBgLdeGFOSg.mp4", + "variation_id": 0, + "video_id": "15530" + }, + { + "bbox": [ + 136, + 24, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466908033.4604.mp4", + "variation_id": 0, + "video_id": "15531" + }, + { + "bbox": [ + 51, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dentist.mp4", + "variation_id": 0, + "video_id": "15532" + }, + { + "bbox": [ + 86, + 15, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8398.mp4", + "variation_id": 0, + "video_id": "15533" + } + ] + }, + { + "gloss": "dirty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3162, + "frame_start": 3113, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16402" + }, + { + "bbox": [ + 147, + 13, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/dirty.mp4", + "variation_id": 0, + "video_id": "69296" + }, + { + "bbox": [ + 223, + 49, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dirty.mp4", + "variation_id": 0, + "video_id": "16411" + }, + { + "bbox": [ + 223, + 49, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dirty.mp4", + "variation_id": 0, + "video_id": "16412" + }, + { + "bbox": [ + 160, + 18, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIRTY-109.mp4", + "variation_id": 0, + "video_id": "65485" + }, + { + "bbox": [ + 46, + 0, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58456.mp4", + "variation_id": 0, + "video_id": "16404" + }, + { + "bbox": [ + 123, + 17, + 362, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gQsIUo46pJU", + "variation_id": 0, + "video_id": "67572" + }, + { + "bbox": [ + 216, + 16, + 531, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dirty.mp4", + "variation_id": 0, + "video_id": "16405" + }, + { + "bbox": [ + 350, + 14, + 806, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20dirty%202-F9CzOjI2MPo.mp4", + "variation_id": 0, + "video_id": "16406" + }, + { + "bbox": [ + 42, + 12, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1467770287.2443.mp4", + "variation_id": 0, + "video_id": "16407" + }, + { + "bbox": [ + 4, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dirty.mp4", + "variation_id": 0, + "video_id": "16408" + }, + { + "bbox": [ + 55, + 11, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14236.mp4", + "variation_id": 0, + "video_id": "16409" + }, + { + "bbox": [ + 326, + 34, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=OtNUBU_CsVY", + "variation_id": 0, + "video_id": "16410" + } + ] + }, + { + "gloss": "dive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3589, + "frame_start": 3533, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16889" + }, + { + "bbox": [ + 22, + 12, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/dive.mp4", + "variation_id": 0, + "video_id": "16896" + }, + { + "bbox": [ + 84, + 13, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14506.mp4", + "variation_id": 0, + "video_id": "16897" + }, + { + "bbox": [ + 0, + 14, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dive.swf", + "variation_id": 1, + "video_id": "16898" + }, + { + "bbox": [ + 131, + 3, + 518, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIVE-2743.mp4", + "variation_id": 0, + "video_id": "65495" + }, + { + "bbox": [ + 87, + 16, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/EAh4a3urnnc", + "variation_id": 0, + "video_id": "67576" + }, + { + "bbox": [ + 198, + 63, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/dive.mp4", + "variation_id": 1, + "video_id": "16899" + }, + { + "bbox": [ + 65, + 36, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93949.mp4", + "variation_id": 0, + "video_id": "16890" + }, + { + "bbox": [ + 517, + 121, + 1552, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dive%202-9FoEUKCydlc.mp4", + "variation_id": 1, + "video_id": "16891" + }, + { + "bbox": [ + 522, + 148, + 1744, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dive%203-6S9GpH11uqk.mp4", + "variation_id": 0, + "video_id": "16892" + }, + { + "bbox": [ + 533, + 0, + 1804, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dive-kq5nxPOwkF4.mp4", + "variation_id": 1, + "video_id": "16893" + }, + { + "bbox": [ + 537, + 78, + 1566, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dive-mw-2iRCBPFQ.mp4", + "variation_id": 0, + "video_id": "16894" + }, + { + "bbox": [ + 72, + 5, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467771942.8053.mp4", + "variation_id": 1, + "video_id": "16895" + } + ] + }, + { + "gloss": "down", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4392, + "frame_start": 4346, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17422" + }, + { + "bbox": [ + 195, + 33, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/down.mp4", + "variation_id": 0, + "video_id": "69301" + }, + { + "bbox": [ + 67, + 20, + 485, + 480 + ], + "fps": 25, + "frame_end": 6385, + "frame_start": 6314, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70045" + }, + { + "bbox": [ + 186, + 47, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/down.mp4", + "variation_id": 0, + "video_id": "17436" + }, + { + "bbox": [ + 94, + 16, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOWN-443.mp4", + "variation_id": 0, + "video_id": "65526" + }, + { + "bbox": [ + 17, + 0, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456772.mp4", + "variation_id": 0, + "video_id": "17428" + }, + { + "bbox": [ + 221, + 15, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/down.mp4", + "variation_id": 0, + "video_id": "17429" + }, + { + "bbox": [ + 684, + 82, + 1578, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Down-v7j6WiKpgiE.mp4", + "variation_id": 0, + "video_id": "17430" + }, + { + "bbox": [ + 35, + 11, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773387.7792.mp4", + "variation_id": 0, + "video_id": "17431" + }, + { + "bbox": [ + 50, + 14, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/down.mp4", + "variation_id": 0, + "video_id": "17432" + }, + { + "bbox": [ + 49, + 12, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9526.mp4", + "variation_id": 0, + "video_id": "17433" + }, + { + "bbox": [ + 124, + 38, + 479, + 346 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 64, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=TAJDFITIbUk", + "variation_id": 0, + "video_id": "17434" + }, + { + "bbox": [ + 0, + 17, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/down.swf", + "variation_id": 0, + "video_id": "17435" + } + ] + }, + { + "gloss": "dry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4813, + "frame_start": 4757, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17919" + }, + { + "bbox": [ + 353, + 40, + 873, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/dry.mp4", + "variation_id": 0, + "video_id": "69304" + }, + { + "bbox": [ + 0, + 10, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dry.swf", + "variation_id": 0, + "video_id": "17938" + }, + { + "bbox": [ + 171, + 65, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dry.mp4", + "variation_id": 0, + "video_id": "17939" + }, + { + "bbox": [ + 165, + 15, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRY-122.mp4", + "variation_id": 0, + "video_id": "65549" + }, + { + "bbox": [ + 37, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58435.mp4", + "variation_id": 0, + "video_id": "17930" + }, + { + "bbox": [ + 351, + 13, + 812, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20dry-9PlaFkAxnC0.mp4", + "variation_id": 0, + "video_id": "17931" + }, + { + "bbox": [ + 30, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206787.7748.mp4", + "variation_id": 0, + "video_id": "17932" + }, + { + "bbox": [ + 52, + 9, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206811.759.mp4", + "variation_id": 0, + "video_id": "17933" + }, + { + "bbox": [ + 44, + 0, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/dry.mp4", + "variation_id": 0, + "video_id": "17934" + }, + { + "bbox": [ + 74, + 27, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22922.mp4", + "variation_id": 0, + "video_id": "17935" + }, + { + "bbox": [ + 58, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8728.mp4", + "variation_id": 0, + "video_id": "17936" + }, + { + "bbox": [ + 276, + 42, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ki6TeQOTo1U", + "variation_id": 0, + "video_id": "17937" + } + ] + }, + { + "gloss": "ear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 257, + "frame_start": 181, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18145" + }, + { + "bbox": [ + 296, + 36, + 879, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/ear.mp4", + "variation_id": 0, + "video_id": "69306" + }, + { + "bbox": [ + 17, + 11, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/ear.swf", + "variation_id": 0, + "video_id": "18160" + }, + { + "bbox": [ + 165, + 53, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ear.mp4", + "variation_id": 0, + "video_id": "18161" + }, + { + "bbox": [ + 169, + 8, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EAR-2752.mp4", + "variation_id": 0, + "video_id": "65591" + }, + { + "bbox": [ + 140, + 20, + 451, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EAR-479.mp4", + "variation_id": 0, + "video_id": "65590" + }, + { + "bbox": [ + 65, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399486.mp4", + "variation_id": 0, + "video_id": "18154" + }, + { + "bbox": [ + 74, + 19, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/VgJDUdKlOmg", + "variation_id": 0, + "video_id": "67603" + }, + { + "bbox": [ + 684, + 79, + 1387, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ear-u3A_4R1vxVg.mp4", + "variation_id": 0, + "video_id": "18155" + }, + { + "bbox": [ + 98, + 15, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468207206.8095.mp4", + "variation_id": 0, + "video_id": "18156" + }, + { + "bbox": [ + 55, + 0, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/ear.mp4", + "variation_id": 0, + "video_id": "18157" + }, + { + "bbox": [ + 60, + 16, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7045.mp4", + "variation_id": 0, + "video_id": "18158" + }, + { + "bbox": [ + 262, + 51, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Eqq_OZk1Eh4", + "variation_id": 0, + "video_id": "18159" + } + ] + }, + { + "gloss": "earn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 334, + "frame_start": 295, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18190" + }, + { + "bbox": [ + 96, + 8, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JzZuG8oDWP4", + "variation_id": 0, + "video_id": "18202" + }, + { + "bbox": [ + 0, + 15, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/earn.swf", + "variation_id": 0, + "video_id": "18203" + }, + { + "bbox": [ + 182, + 52, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/earn.mp4", + "variation_id": 0, + "video_id": "18204" + }, + { + "bbox": [ + 161, + 22, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EARN-813.mp4", + "variation_id": 0, + "video_id": "65594" + }, + { + "bbox": [ + 73, + 36, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93340.mp4", + "variation_id": 0, + "video_id": "18195" + }, + { + "bbox": [ + 99, + 22, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CwN54pytSnQ", + "variation_id": 0, + "video_id": "67604" + }, + { + "bbox": [ + 403, + 39, + 1067, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Collect%252C%20Earn%252C%20Revenue.mp4", + "variation_id": 0, + "video_id": "18196" + }, + { + "bbox": [ + 111, + 12, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468347661.4698.mp4", + "variation_id": 0, + "video_id": "18197" + }, + { + "bbox": [ + 65, + 18, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/earn.mp4", + "variation_id": 0, + "video_id": "18198" + }, + { + "bbox": [ + 49, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7466.mp4", + "variation_id": 0, + "video_id": "18199" + }, + { + "bbox": [ + 321, + 52, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ejCU3dKZ7tY", + "variation_id": 0, + "video_id": "18200" + }, + { + "bbox": [ + 326, + 51, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=gRa4r8ePBHc", + "variation_id": 0, + "video_id": "18201" + } + ] + }, + { + "gloss": "earring", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 397, + "frame_start": 335, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18218" + }, + { + "bbox": [ + 85, + 20, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23620.mp4", + "variation_id": 0, + "video_id": "18225" + }, + { + "bbox": [ + 351, + 37, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FbO2p6yRM0E", + "variation_id": 0, + "video_id": "18226" + }, + { + "bbox": [ + 26, + 21, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/earring.swf", + "variation_id": 0, + "video_id": "18227" + }, + { + "bbox": [ + 158, + 29, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EARRING-1289.mp4", + "variation_id": 1, + "video_id": "65595" + }, + { + "bbox": [ + 91, + 16, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Y4zo-SFbJdo", + "variation_id": 1, + "video_id": "67605" + }, + { + "bbox": [ + 176, + 52, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/earring.mp4", + "variation_id": 0, + "video_id": "18228" + }, + { + "bbox": [ + 61, + 15, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96295.mp4", + "variation_id": 1, + "video_id": "18219" + }, + { + "bbox": [ + 768, + 64, + 1587, + 1064 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Earring-Wg-8EetyTnc.mp4", + "variation_id": 0, + "video_id": "18220" + }, + { + "bbox": [ + 699, + 136, + 1586, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Piercing-PA30qTL0A58.mp4", + "variation_id": 0, + "video_id": "18221" + }, + { + "bbox": [ + 18, + 0, + 315, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/earring.mp4", + "variation_id": 0, + "video_id": "18222" + }, + { + "bbox": [ + 51, + 2, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/earrings.mp4", + "variation_id": 1, + "video_id": "18223" + }, + { + "bbox": [ + 99, + 0, + 527, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/earrings-stud.mp4", + "variation_id": 1, + "video_id": "18224" + } + ] + }, + { + "gloss": "elephant", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1091, + "frame_start": 1039, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18769" + }, + { + "bbox": [ + 339, + 58, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=0rlrzKevbnI", + "variation_id": 0, + "video_id": "18776" + }, + { + "bbox": [ + 324, + 61, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=TIGs2DzZ6Kw", + "variation_id": 0, + "video_id": "18777" + }, + { + "bbox": [ + 17, + 6, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/elephant.swf", + "variation_id": 0, + "video_id": "18778" + }, + { + "bbox": [ + 169, + 15, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EL/ELEPHANT-448.mp4", + "variation_id": 0, + "video_id": "65620" + }, + { + "bbox": [ + 120, + 13, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pjYU49Nw1GU", + "variation_id": 0, + "video_id": "67617" + }, + { + "bbox": [ + 182, + 54, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/elephant.mp4", + "variation_id": 0, + "video_id": "18779" + }, + { + "bbox": [ + 58, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357962.mp4", + "variation_id": 0, + "video_id": "18770" + }, + { + "bbox": [ + 227, + 15, + 526, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/elephant.mp4", + "variation_id": 0, + "video_id": "18771" + }, + { + "bbox": [ + 594, + 60, + 1485, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Elephant-vXxG49Q21BA.mp4", + "variation_id": 0, + "video_id": "18772" + }, + { + "bbox": [ + 96, + 6, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468348945.9858.mp4", + "variation_id": 0, + "video_id": "18773" + }, + { + "bbox": [ + 53, + 17, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/elephant.mp4", + "variation_id": 0, + "video_id": "18774" + }, + { + "bbox": [ + 71, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7422.mp4", + "variation_id": 0, + "video_id": "18775" + } + ] + }, + { + "gloss": "english", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1821, + "frame_start": 1779, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19230" + }, + { + "bbox": [ + 118, + 16, + 571, + 360 + ], + "fps": 25, + "frame_end": 111, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=gxHVgEjLG_w", + "variation_id": 0, + "video_id": "68512" + }, + { + "bbox": [ + 171, + 0, + 1146, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=qwBy3mikLAU", + "variation_id": 0, + "video_id": "68045" + }, + { + "bbox": [ + 190, + 53, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/english.mp4", + "variation_id": 0, + "video_id": "19239" + }, + { + "bbox": [ + 169, + 27, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENGLISH-1311.mp4", + "variation_id": 0, + "video_id": "65634" + }, + { + "bbox": [ + 416, + 55, + 862, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/english.mp4", + "variation_id": 0, + "video_id": "19232" + }, + { + "bbox": [ + 118, + 20, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/giPrsCzLU6Q", + "variation_id": 0, + "video_id": "67625" + }, + { + "bbox": [ + 89, + 8, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376344.8514.mp4", + "variation_id": 0, + "video_id": "19233" + }, + { + "bbox": [ + 61, + 6, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/english2.mp4", + "variation_id": 0, + "video_id": "19234" + }, + { + "bbox": [ + 60, + 6, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/english.mp4", + "variation_id": 0, + "video_id": "19235" + }, + { + "bbox": [ + 88, + 18, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22139.mp4", + "variation_id": 0, + "video_id": "19236" + }, + { + "bbox": [ + 343, + 28, + 1048, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=w5Nl4IRS450", + "variation_id": 0, + "video_id": "19237" + }, + { + "bbox": [ + 69, + 3, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/e/english.swf", + "variation_id": 0, + "video_id": "19238" + } + ] + }, + { + "gloss": "escape", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2221, + "frame_start": 2189, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19556" + }, + { + "bbox": [ + 74, + 13, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8697.mp4", + "variation_id": 0, + "video_id": "19563" + }, + { + "bbox": [ + 234, + 35, + 1093, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jaENb2anwYc", + "variation_id": 0, + "video_id": "19564" + }, + { + "bbox": [ + 325, + 46, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PF7q53DygD0", + "variation_id": 0, + "video_id": "19565" + }, + { + "bbox": [ + 157, + 16, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ES/ESCAPE-629.mp4", + "variation_id": 0, + "video_id": "65644" + }, + { + "bbox": [ + 25, + 8, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/escape.swf", + "variation_id": 0, + "video_id": "19566" + }, + { + "bbox": [ + 197, + 46, + 524, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/escape.mp4", + "variation_id": 0, + "video_id": "19567" + }, + { + "bbox": [ + 41, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456917.mp4", + "variation_id": 0, + "video_id": "19557" + }, + { + "bbox": [ + 397, + 62, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/escape.mp4", + "variation_id": 0, + "video_id": "19558" + }, + { + "bbox": [ + 686, + 45, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Escape%202-kMcamniHFlw.mp4", + "variation_id": 0, + "video_id": "19559" + }, + { + "bbox": [ + 651, + 118, + 1520, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sprint%202-RCEYQI_MH8Y.mp4", + "variation_id": 0, + "video_id": "19560" + }, + { + "bbox": [ + 80, + 6, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468377010.5698.mp4", + "variation_id": 0, + "video_id": "19561" + }, + { + "bbox": [ + 38, + 6, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/escape.mp4", + "variation_id": 0, + "video_id": "19562" + } + ] + }, + { + "gloss": "expensive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3279, + "frame_start": 3250, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20362" + }, + { + "bbox": [ + 50, + 20, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23315.mp4", + "variation_id": 0, + "video_id": "20369" + }, + { + "bbox": [ + 56, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7479.mp4", + "variation_id": 0, + "video_id": "20370" + }, + { + "bbox": [ + 225, + 29, + 998, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Kg7HDoAZXZ4", + "variation_id": 0, + "video_id": "20371" + }, + { + "bbox": [ + 94, + 20, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gOcwZL2PcqY", + "variation_id": 0, + "video_id": "67634" + }, + { + "bbox": [ + 261, + 21, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=y6JTPyTOs64", + "variation_id": 0, + "video_id": "20372" + }, + { + "bbox": [ + 174, + 62, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/expensive.mp4", + "variation_id": 0, + "video_id": "20373" + }, + { + "bbox": [ + 54, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455597.mp4", + "variation_id": 0, + "video_id": "20363" + }, + { + "bbox": [ + 436, + 61, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/expensive.mp4", + "variation_id": 0, + "video_id": "20364" + }, + { + "bbox": [ + 538, + 75, + 1442, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expensive-RMMiT-5ttAs.mp4", + "variation_id": 0, + "video_id": "20365" + }, + { + "bbox": [ + 382, + 45, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Expensive.mp4", + "variation_id": 0, + "video_id": "20366" + }, + { + "bbox": [ + 43, + 4, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468379209.8415.mp4", + "variation_id": 0, + "video_id": "20367" + }, + { + "bbox": [ + 91, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/expensive.mp4", + "variation_id": 0, + "video_id": "20368" + } + ] + }, + { + "gloss": "explain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3509, + "frame_start": 3430, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20434" + }, + { + "bbox": [ + 107, + 24, + 280, + 240 + ], + "fps": 25, + "frame_end": 3496, + "frame_start": 3398, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70218" + }, + { + "bbox": [ + 195, + 12, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dsIDFOyrOGg", + "variation_id": 0, + "video_id": "20442" + }, + { + "bbox": [ + 195, + 12, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dsIDFOyrOGg", + "variation_id": 0, + "video_id": "20443" + }, + { + "bbox": [ + 11, + 8, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/explain.swf", + "variation_id": 0, + "video_id": "20444" + }, + { + "bbox": [ + 196, + 55, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/explain.mp4", + "variation_id": 0, + "video_id": "20445" + }, + { + "bbox": [ + 84, + 11, + 238, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/explain.mov", + "variation_id": 0, + "video_id": "20435" + }, + { + "bbox": [ + 74, + 41, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92972.mp4", + "variation_id": 0, + "video_id": "20436" + }, + { + "bbox": [ + 512, + 80, + 1625, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Describe%2C%20Explain-4_jchbhDv54.mp4", + "variation_id": 0, + "video_id": "20437" + }, + { + "bbox": [ + 53, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468379465.5362.mp4", + "variation_id": 0, + "video_id": "20438" + }, + { + "bbox": [ + 56, + 5, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/explain.mp4", + "variation_id": 0, + "video_id": "20439" + }, + { + "bbox": [ + 75, + 21, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22623.mp4", + "variation_id": 0, + "video_id": "20440" + }, + { + "bbox": [ + 51, + 23, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23266.mp4", + "variation_id": 0, + "video_id": "20441" + } + ] + }, + { + "gloss": "fast", + "instances": [ + { + "bbox": [ + 156, + 17, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAST-130.mp4", + "variation_id": 0, + "video_id": "65689" + }, + { + "bbox": [ + 271, + 7, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=fyhGiyOIsRY", + "variation_id": 0, + "video_id": "21184" + }, + { + "bbox": [ + 0, + 16, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fast.swf", + "variation_id": 0, + "video_id": "21186" + }, + { + "bbox": [ + 404, + 55, + 804, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fast.mp4", + "variation_id": 0, + "video_id": "21168" + }, + { + "bbox": [ + 221, + 34, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fast.mp4", + "variation_id": 0, + "video_id": "21187" + }, + { + "bbox": [ + 469, + 63, + 1895, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fast%203-kBA38nM7l1Q.mp4", + "variation_id": 0, + "video_id": "21169" + }, + { + "bbox": [ + 686, + 91, + 1588, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fast%205-vBHU0GSIgMs.mp4", + "variation_id": 0, + "video_id": "21172" + }, + { + "bbox": [ + 174, + 27, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAST-1388.mp4", + "variation_id": 0, + "video_id": "65690" + }, + { + "bbox": [ + 97, + 13, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463446.2434.mp4", + "variation_id": 0, + "video_id": "21175" + }, + { + "bbox": [ + 157, + 22, + 449, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 92, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAST-1991.mp4", + "variation_id": 0, + "video_id": "65691" + }, + { + "bbox": [ + 101, + 17, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rwLDhYyRlts", + "variation_id": 0, + "video_id": "67645" + }, + { + "bbox": [ + 127, + 20, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/fast-quick.mp4", + "variation_id": 0, + "video_id": "21177" + }, + { + "bbox": [ + 70, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8564.mp4", + "variation_id": 0, + "video_id": "21182" + } + ] + }, + { + "gloss": "fight", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1275, + "frame_start": 1219, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21689" + }, + { + "bbox": [ + 9, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fight.swf", + "variation_id": 0, + "video_id": "21709" + }, + { + "bbox": [ + 157, + 62, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/combat2.mp4", + "variation_id": 0, + "video_id": "21710" + }, + { + "bbox": [ + 413, + 57, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fight.mp4", + "variation_id": 0, + "video_id": "21695" + }, + { + "bbox": [ + 89, + 13, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468493540.40.mp4", + "variation_id": 0, + "video_id": "21697" + }, + { + "bbox": [ + 113, + 0, + 519, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fight-hand.mp4", + "variation_id": 0, + "video_id": "21699" + }, + { + "bbox": [ + 135, + 17, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FIGHT-132.mp4", + "variation_id": 0, + "video_id": "65711" + }, + { + "bbox": [ + 55, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455652.mp4", + "variation_id": 0, + "video_id": "21694" + }, + { + "bbox": [ + 96, + 14, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sjDdtdNYML4", + "variation_id": 0, + "video_id": "67655" + }, + { + "bbox": [ + 75, + 25, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22244.mp4", + "variation_id": 0, + "video_id": "21704" + }, + { + "bbox": [ + 81, + 17, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22761.mp4", + "variation_id": 0, + "video_id": "21706" + }, + { + "bbox": [ + 265, + 34, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=JGXoDKup5Yg", + "variation_id": 0, + "video_id": "21707" + }, + { + "bbox": [ + 203, + 27, + 1047, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=tpABYMXILgo", + "variation_id": 0, + "video_id": "21708" + } + ] + }, + { + "gloss": "find", + "instances": [ + { + "bbox": [ + 480, + 69, + 1350, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/find.mp4", + "variation_id": 0, + "video_id": "69323" + }, + { + "bbox": [ + 329, + 14, + 924, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=SYnyKXh4O7w", + "variation_id": 0, + "video_id": "68896" + }, + { + "bbox": [ + 126, + 29, + 487, + 480 + ], + "fps": 25, + "frame_end": 2137, + "frame_start": 2013, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70134" + }, + { + "bbox": [ + 79, + 10, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6103.mp4", + "variation_id": 0, + "video_id": "21858" + }, + { + "bbox": [ + 68, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9553.mp4", + "variation_id": 0, + "video_id": "21859" + }, + { + "bbox": [ + 330, + 49, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2O5wVw-rlIs", + "variation_id": 0, + "video_id": "21860" + }, + { + "bbox": [ + 93, + 12, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/iLvmhE7joFg", + "variation_id": 0, + "video_id": "67658" + }, + { + "bbox": [ + 187, + 52, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pick.mp4", + "variation_id": 0, + "video_id": "21863" + }, + { + "bbox": [ + 30, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51748.mp4", + "variation_id": 0, + "video_id": "21852" + }, + { + "bbox": [ + 386, + 53, + 801, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/find.mp4", + "variation_id": 0, + "video_id": "21853" + }, + { + "bbox": [ + 682, + 49, + 1489, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Discover%2C%20Find%2C%20Pick-jylo-mwwAFQ.mp4", + "variation_id": 0, + "video_id": "21854" + }, + { + "bbox": [ + 112, + 9, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468494259.5412.mp4", + "variation_id": 0, + "video_id": "21855" + }, + { + "bbox": [ + 55, + 12, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/find.mp4", + "variation_id": 0, + "video_id": "21856" + } + ] + }, + { + "gloss": "fishing", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1644, + "frame_start": 1575, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22131" + }, + { + "bbox": [ + 304, + 51, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=otyQtqkbQgA", + "variation_id": 0, + "video_id": "22138" + }, + { + "bbox": [ + 304, + 51, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=otyQtqkbQgA", + "variation_id": 0, + "video_id": "22139" + }, + { + "bbox": [ + 0, + 1, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/f/fishing.swf", + "variation_id": 0, + "video_id": "22140" + }, + { + "bbox": [ + 137, + 28, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FISHING-1244.mp4", + "variation_id": 0, + "video_id": "65732" + }, + { + "bbox": [ + 120, + 18, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/nYpQTK6r1ww", + "variation_id": 0, + "video_id": "67668" + }, + { + "bbox": [ + 184, + 49, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fishing.mp4", + "variation_id": 0, + "video_id": "22141" + }, + { + "bbox": [ + 62, + 35, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93025.mp4", + "variation_id": 0, + "video_id": "22132" + }, + { + "bbox": [ + 405, + 57, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fishing.mp4", + "variation_id": 0, + "video_id": "22133" + }, + { + "bbox": [ + 728, + 132, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fishing-viSphadq9yk.mp4", + "variation_id": 0, + "video_id": "22134" + }, + { + "bbox": [ + 63, + 5, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468494728.4596.mp4", + "variation_id": 0, + "video_id": "22135" + }, + { + "bbox": [ + 68, + 18, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/fishing.mp4", + "variation_id": 0, + "video_id": "22136" + }, + { + "bbox": [ + 346, + 51, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=G8dbiuCvVTo", + "variation_id": 0, + "video_id": "22137" + } + ] + }, + { + "gloss": "floor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2008, + "frame_start": 1972, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22491" + }, + { + "bbox": [ + 285, + 11, + 1051, + 720 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=pG05q3gjsYo", + "variation_id": 0, + "video_id": "68792" + }, + { + "bbox": [ + 76, + 19, + 573, + 480 + ], + "fps": 25, + "frame_end": 5930, + "frame_start": 5840, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70043" + }, + { + "bbox": [ + 65, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/floor.mp4", + "variation_id": 0, + "video_id": "22498" + }, + { + "bbox": [ + 62, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24099.mp4", + "variation_id": 0, + "video_id": "22499" + }, + { + "bbox": [ + 313, + 50, + 1031, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ITtL6y_Lt14", + "variation_id": 0, + "video_id": "22500" + }, + { + "bbox": [ + 97, + 20, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yRovyFQ3u2s", + "variation_id": 0, + "video_id": "67671" + }, + { + "bbox": [ + 0, + 6, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/floor.swf", + "variation_id": 0, + "video_id": "22501" + }, + { + "bbox": [ + 191, + 43, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/carpet2.mp4", + "variation_id": 0, + "video_id": "22502" + }, + { + "bbox": [ + 71, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456349.mp4", + "variation_id": 0, + "video_id": "22492" + }, + { + "bbox": [ + 211, + 14, + 592, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/floor.mp4", + "variation_id": 0, + "video_id": "22493" + }, + { + "bbox": [ + 257, + 65, + 1809, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Floor-Aj-s1gTQ7Z8.mp4", + "variation_id": 0, + "video_id": "22494" + }, + { + "bbox": [ + 323, + 46, + 1156, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Floor.mp4", + "variation_id": 0, + "video_id": "22495" + } + ] + }, + { + "gloss": "fly", + "instances": [ + { + "bbox": [ + 42, + 25, + 618, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FL/FLY-1486.mp4", + "variation_id": 0, + "video_id": "65748" + }, + { + "bbox": [ + 0, + 17, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/f/fly.swf", + "variation_id": 0, + "video_id": "22642" + }, + { + "bbox": [ + 165, + 49, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/airplane.mp4", + "variation_id": 1, + "video_id": "22643" + }, + { + "bbox": [ + 93, + 38, + 679, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wing2.mp4", + "variation_id": 0, + "video_id": "22645" + }, + { + "bbox": [ + 48, + 40, + 717, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wing.mp4", + "variation_id": 0, + "video_id": "22646" + }, + { + "bbox": [ + 35, + 13, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513021.6103.mp4", + "variation_id": 0, + "video_id": "22627" + }, + { + "bbox": [ + 39, + 24, + 611, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/fly-animal.mp4", + "variation_id": 0, + "video_id": "22629" + }, + { + "bbox": [ + 56, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/fly-plane2.mp4", + "variation_id": 1, + "video_id": "22633" + }, + { + "bbox": [ + 24, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/fly-plane.mp4", + "variation_id": 1, + "video_id": "22634" + }, + { + "bbox": [ + 0, + 17, + 480, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8K9PF3pjz0M", + "variation_id": 0, + "video_id": "67674" + }, + { + "bbox": [ + 58, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6106.mp4", + "variation_id": 1, + "video_id": "22635" + }, + { + "bbox": [ + 80, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6554.mp4", + "variation_id": 1, + "video_id": "22636" + }, + { + "bbox": [ + 51, + 12, + 277, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 23, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8222.mp4", + "variation_id": 0, + "video_id": "22640" + } + ] + }, + { + "gloss": "follow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2281, + "frame_start": 2235, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22712" + }, + { + "bbox": [ + 140, + 29, + 460, + 480 + ], + "fps": 25, + "frame_end": 6308, + "frame_start": 6191, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70203" + }, + { + "bbox": [ + 18, + 6, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/follow.swf", + "variation_id": 0, + "video_id": "22722" + }, + { + "bbox": [ + 186, + 51, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/follow.mp4", + "variation_id": 0, + "video_id": "22723" + }, + { + "bbox": [ + 181, + 30, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOLLOW-1489.mp4", + "variation_id": 0, + "video_id": "65752" + }, + { + "bbox": [ + 166, + 18, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOLLOW-692.mp4", + "variation_id": 0, + "video_id": "65751" + }, + { + "bbox": [ + 87, + 34, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91294.mp4", + "variation_id": 0, + "video_id": "22715" + }, + { + "bbox": [ + 750, + 137, + 1527, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Comply-nB6dfY2CVG0.mp4", + "variation_id": 0, + "video_id": "22716" + }, + { + "bbox": [ + 678, + 58, + 1639, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Follow%202-J8ZR8rcu-1s.mp4", + "variation_id": 0, + "video_id": "22717" + }, + { + "bbox": [ + 101, + 13, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468513116.9255.mp4", + "variation_id": 0, + "video_id": "22718" + }, + { + "bbox": [ + 67, + 12, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/follow.mp4", + "variation_id": 0, + "video_id": "22719" + }, + { + "bbox": [ + 87, + 22, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22618.mp4", + "variation_id": 0, + "video_id": "22720" + }, + { + "bbox": [ + 74, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8438.mp4", + "variation_id": 0, + "video_id": "22721" + } + ] + }, + { + "gloss": "from", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3288, + "frame_start": 3246, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23637" + }, + { + "bbox": [ + 366, + 54, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/from.mp4", + "variation_id": 0, + "video_id": "69337" + }, + { + "bbox": [ + 155, + 40, + 410, + 360 + ], + "fps": 25, + "frame_end": 5478, + "frame_start": 5375, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=25ymRY7hbjs", + "variation_id": 0, + "video_id": "70020" + }, + { + "bbox": [ + 187, + 52, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/from.mp4", + "variation_id": 0, + "video_id": "23645" + }, + { + "bbox": [ + 157, + 41, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FROM-1502.mp4", + "variation_id": 0, + "video_id": "65785" + }, + { + "bbox": [ + 93, + 20, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4kAC3haiefE", + "variation_id": 0, + "video_id": "67694" + }, + { + "bbox": [ + 76, + 25, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91420.mp4", + "variation_id": 0, + "video_id": "23638" + }, + { + "bbox": [ + 801, + 69, + 1762, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20From-T-5gCZTBobA.mp4", + "variation_id": 0, + "video_id": "23639" + }, + { + "bbox": [ + 95, + 9, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514291.4913.mp4", + "variation_id": 0, + "video_id": "23640" + }, + { + "bbox": [ + 25, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/from.mp4", + "variation_id": 0, + "video_id": "23641" + }, + { + "bbox": [ + 83, + 18, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23903.mp4", + "variation_id": 0, + "video_id": "23642" + }, + { + "bbox": [ + 350, + 44, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=7OEW40vhX68", + "variation_id": 0, + "video_id": "23643" + }, + { + "bbox": [ + 0, + 17, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 83, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/f/from.swf", + "variation_id": 0, + "video_id": "23644" + } + ] + }, + { + "gloss": "get", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 569, + "frame_start": 527, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24405" + }, + { + "bbox": [ + 382, + 39, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/get.mp4", + "variation_id": 0, + "video_id": "69341" + }, + { + "bbox": [ + 153, + 25, + 500, + 480 + ], + "fps": 25, + "frame_end": 9093, + "frame_start": 8975, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70055" + }, + { + "bbox": [ + 363, + 24, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NGdL4eJFR14", + "variation_id": 0, + "video_id": "24445" + }, + { + "bbox": [ + 221, + 41, + 480, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/get.mp4", + "variation_id": 0, + "video_id": "24447" + }, + { + "bbox": [ + 153, + 37, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GE/GET-464.mp4", + "variation_id": 0, + "video_id": "65808" + }, + { + "bbox": [ + 55, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50875.mp4", + "variation_id": 0, + "video_id": "24438" + }, + { + "bbox": [ + 103, + 6, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BkBJa8psZ-M", + "variation_id": 0, + "video_id": "67707" + }, + { + "bbox": [ + 704, + 57, + 1531, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Get%2C%20Receive-9lqMXL5k_Wk.mp4", + "variation_id": 0, + "video_id": "24439" + }, + { + "bbox": [ + 128, + 15, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468515653.4819.mp4", + "variation_id": 0, + "video_id": "24440" + }, + { + "bbox": [ + 119, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/get.mp4", + "variation_id": 0, + "video_id": "24441" + }, + { + "bbox": [ + 74, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9983.mp4", + "variation_id": 0, + "video_id": "24443" + }, + { + "bbox": [ + 390, + 49, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=mZRz-Uyj2fo", + "variation_id": 0, + "video_id": "24444" + } + ] + }, + { + "gloss": "happen", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 464, + "frame_start": 422, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26491" + }, + { + "bbox": [ + 144, + 22, + 497, + 480 + ], + "fps": 25, + "frame_end": 1969, + "frame_start": 1858, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70133" + }, + { + "bbox": [ + 0, + 5, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/happen.swf", + "variation_id": 0, + "video_id": "26502" + }, + { + "bbox": [ + 177, + 51, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/happen.mp4", + "variation_id": 0, + "video_id": "26503" + }, + { + "bbox": [ + 75, + 34, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91434.mp4", + "variation_id": 0, + "video_id": "26494" + }, + { + "bbox": [ + 100, + 14, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qgXWBZP4MQs", + "variation_id": 0, + "video_id": "67742" + }, + { + "bbox": [ + 296, + 66, + 1693, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Coincidence-2-dTjQwq4hA.mp4", + "variation_id": 0, + "video_id": "26495" + }, + { + "bbox": [ + 549, + 65, + 1603, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Happen%2C%20Incident-z3fU1S-z5F0.mp4", + "variation_id": 0, + "video_id": "26496" + }, + { + "bbox": [ + 87, + 18, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579525.1479.mp4", + "variation_id": 0, + "video_id": "26497" + }, + { + "bbox": [ + 32, + 7, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/happen.mp4", + "variation_id": 0, + "video_id": "26498" + }, + { + "bbox": [ + 58, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9018.mp4", + "variation_id": 0, + "video_id": "26499" + }, + { + "bbox": [ + 64, + 6, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=b_a7wHSJ808", + "variation_id": 0, + "video_id": "26500" + }, + { + "bbox": [ + 128, + 15, + 519, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=_Hvg8roRP_Y", + "variation_id": 0, + "video_id": "26501" + } + ] + }, + { + "gloss": "hello", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1343, + "frame_start": 1297, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27171" + }, + { + "bbox": [ + 127, + 40, + 405, + 360 + ], + "fps": 25, + "frame_end": 4923, + "frame_start": 4842, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=25ymRY7hbjs", + "variation_id": 0, + "video_id": "70017" + }, + { + "bbox": [ + 302, + 15, + 915, + 720 + ], + "fps": 25, + "frame_end": 36, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=3qKcPONtNXQ", + "variation_id": 0, + "video_id": "68236" + }, + { + "bbox": [ + 131, + 36, + 511, + 345 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DYjjcoTkNa0", + "variation_id": 0, + "video_id": "27180" + }, + { + "bbox": [ + 75, + 18, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/oRsVMK7sxMQ", + "variation_id": 0, + "video_id": "67755" + }, + { + "bbox": [ + 207, + 1, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FVjpLa8GqeM", + "variation_id": 0, + "video_id": "27181" + }, + { + "bbox": [ + 276, + 66, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=WbkSmhKTltU", + "variation_id": 0, + "video_id": "27182" + }, + { + "bbox": [ + 22, + 7, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hello.swf", + "variation_id": 0, + "video_id": "27183" + }, + { + "bbox": [ + 182, + 41, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/greet.mp4", + "variation_id": 0, + "video_id": "27184" + }, + { + "bbox": [ + 467, + 0, + 1583, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 46, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hello-6kvCOzxP9_A.mp4", + "variation_id": 0, + "video_id": "27172" + }, + { + "bbox": [ + 34, + 11, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580623.2588.mp4", + "variation_id": 0, + "video_id": "27173" + }, + { + "bbox": [ + 30, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/hello.mp4", + "variation_id": 0, + "video_id": "27175" + }, + { + "bbox": [ + 38, + 0, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6353.mp4", + "variation_id": 0, + "video_id": "27177" + } + ] + }, + { + "gloss": "hit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1866, + "frame_start": 1830, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27580" + }, + { + "bbox": [ + 63, + 23, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22253.mp4", + "variation_id": 0, + "video_id": "27596" + }, + { + "bbox": [ + 307, + 38, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1R0_ICwvHUE", + "variation_id": 0, + "video_id": "27597" + }, + { + "bbox": [ + 362, + 93, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=i5ETtfqlUg0", + "variation_id": 0, + "video_id": "27598" + }, + { + "bbox": [ + 314, + 51, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PIIY35Zpkf8", + "variation_id": 0, + "video_id": "27599" + }, + { + "bbox": [ + 330, + 44, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TdhGSBisBXg", + "variation_id": 0, + "video_id": "27600" + }, + { + "bbox": [ + 678, + 72, + 1579, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hit-onc6Dgl_9p0.mp4", + "variation_id": 0, + "video_id": "27591" + }, + { + "bbox": [ + 15, + 19, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hit.swf", + "variation_id": 0, + "video_id": "27601" + }, + { + "bbox": [ + 165, + 55, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hit.mp4", + "variation_id": 0, + "video_id": "27604" + }, + { + "bbox": [ + 616, + 83, + 1394, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hit-qjOsDnyMQpk.mp4", + "variation_id": 0, + "video_id": "27592" + }, + { + "bbox": [ + 67, + 5, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468581232.9215.mp4", + "variation_id": 0, + "video_id": "27593" + }, + { + "bbox": [ + 95, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/hit.mp4", + "variation_id": 0, + "video_id": "27594" + }, + { + "bbox": [ + 82, + 23, + 194, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22252.mp4", + "variation_id": 0, + "video_id": "27595" + } + ] + }, + { + "gloss": "hospital", + "instances": [ + { + "bbox": [ + 206, + 36, + 961, + 720 + ], + "fps": 25, + "frame_end": 74, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=dAzz4ooEN0U", + "variation_id": 0, + "video_id": "68404" + }, + { + "bbox": [ + 153, + 25, + 468, + 480 + ], + "fps": 25, + "frame_end": 7036, + "frame_start": 6928, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70150" + }, + { + "bbox": [ + 120, + 1, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hospital.mp4", + "variation_id": 0, + "video_id": "28040" + }, + { + "bbox": [ + 79, + 9, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8688.mp4", + "variation_id": 0, + "video_id": "28041" + }, + { + "bbox": [ + 370, + 30, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=syueldx2RHQ", + "variation_id": 0, + "video_id": "28042" + }, + { + "bbox": [ + 75, + 0, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456595.mp4", + "variation_id": 0, + "video_id": "28033" + }, + { + "bbox": [ + 103, + 12, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/n0ghkagUd8g", + "variation_id": 0, + "video_id": "67773" + }, + { + "bbox": [ + 15, + 5, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hospital.swf", + "variation_id": 0, + "video_id": "28043" + }, + { + "bbox": [ + 186, + 52, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hospital.mp4", + "variation_id": 0, + "video_id": "28044" + }, + { + "bbox": [ + 386, + 51, + 799, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hospital.mp4", + "variation_id": 0, + "video_id": "28034" + }, + { + "bbox": [ + 716, + 91, + 1511, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hospital%202-RBjXHnCW5O4.mp4", + "variation_id": 0, + "video_id": "28035" + }, + { + "bbox": [ + 376, + 24, + 753, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hospital-nVGW6FnfoZk.mp4", + "variation_id": 0, + "video_id": "28036" + }, + { + "bbox": [ + 66, + 14, + 495, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468638550.6788.mp4", + "variation_id": 0, + "video_id": "28038" + } + ] + }, + { + "gloss": "idea", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 143, + "frame_start": 77, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28647" + }, + { + "bbox": [ + 44, + 14, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/idea.mp4", + "variation_id": 0, + "video_id": "28653" + }, + { + "bbox": [ + 59, + 5, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8900.mp4", + "variation_id": 0, + "video_id": "28655" + }, + { + "bbox": [ + 284, + 57, + 931, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mM752iAos2w", + "variation_id": 0, + "video_id": "28656" + }, + { + "bbox": [ + 197, + 33, + 521, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ID/IDEA-1750.mp4", + "variation_id": 0, + "video_id": "65918" + }, + { + "bbox": [ + 89, + 19, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/PVA9_rzGyws", + "variation_id": 0, + "video_id": "67783" + }, + { + "bbox": [ + 6, + 11, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/idea.swf", + "variation_id": 0, + "video_id": "28657" + }, + { + "bbox": [ + 207, + 46, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/idea.mp4", + "variation_id": 0, + "video_id": "28658" + }, + { + "bbox": [ + 56, + 9, + 224, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/idea.mov", + "variation_id": 0, + "video_id": "28648" + }, + { + "bbox": [ + 54, + 1, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244655.mp4", + "variation_id": 0, + "video_id": "28649" + }, + { + "bbox": [ + 609, + 68, + 1592, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Idea%2C%20Imagine-3YjmVax6CBc.mp4", + "variation_id": 0, + "video_id": "28650" + }, + { + "bbox": [ + 640, + 51, + 1521, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Idea-HR8afgGna7A.mp4", + "variation_id": 0, + "video_id": "28651" + }, + { + "bbox": [ + 33, + 5, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468665115.4947.mp4", + "variation_id": 0, + "video_id": "28652" + } + ] + }, + { + "gloss": "important", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 467, + "frame_start": 425, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29064" + }, + { + "bbox": [ + 309, + 30, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/important.mp4", + "variation_id": 0, + "video_id": "69376" + }, + { + "bbox": [ + 539, + 62, + 1664, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Important-X2E3j_lpSGo.mp4", + "variation_id": 0, + "video_id": "29068" + }, + { + "bbox": [ + 167, + 23, + 516, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IM/IMPORTANT-1746.mp4", + "variation_id": 0, + "video_id": "65926" + }, + { + "bbox": [ + 61, + 11, + 442, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rRDXUWWZ1DM", + "variation_id": 0, + "video_id": "67786" + }, + { + "bbox": [ + 44, + 1, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58531.mp4", + "variation_id": 0, + "video_id": "29065" + }, + { + "bbox": [ + 3, + 12, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665505.46.mp4", + "variation_id": 0, + "video_id": "29069" + }, + { + "bbox": [ + 307, + 63, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/important.mp4", + "variation_id": 0, + "video_id": "29066" + }, + { + "bbox": [ + 62, + 14, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/important.mp4", + "variation_id": 0, + "video_id": "29070" + }, + { + "bbox": [ + 61, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7207.mp4", + "variation_id": 0, + "video_id": "29071" + }, + { + "bbox": [ + 171, + 11, + 495, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2NEoRZDobDs", + "variation_id": 0, + "video_id": "29072" + }, + { + "bbox": [ + 0, + 9, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/i/important.swf", + "variation_id": 0, + "video_id": "29073" + }, + { + "bbox": [ + 188, + 55, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/important.mp4", + "variation_id": 0, + "video_id": "29074" + } + ] + }, + { + "gloss": "investigate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1768, + "frame_start": 1699, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30467" + }, + { + "bbox": [ + 104, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/investigate.mp4", + "variation_id": 0, + "video_id": "30473" + }, + { + "bbox": [ + 66, + 24, + 192, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23210.mp4", + "variation_id": 0, + "video_id": "30474" + }, + { + "bbox": [ + 338, + 41, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4KztOcRrw2g", + "variation_id": 0, + "video_id": "30475" + }, + { + "bbox": [ + 282, + 47, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=f6JW_IbLybo", + "variation_id": 0, + "video_id": "30476" + }, + { + "bbox": [ + 200, + 34, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INVESTIGATE-1718.mp4", + "variation_id": 0, + "video_id": "65960" + }, + { + "bbox": [ + 285, + 45, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ij7epQE21TY", + "variation_id": 0, + "video_id": "30477" + }, + { + "bbox": [ + 9, + 9, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/investigate.swf", + "variation_id": 0, + "video_id": "30478" + }, + { + "bbox": [ + 79, + 12, + 234, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/investigate.mov", + "variation_id": 0, + "video_id": "30468" + }, + { + "bbox": [ + 64, + 39, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/89806.mp4", + "variation_id": 0, + "video_id": "30469" + }, + { + "bbox": [ + 548, + 38, + 1650, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Investigate-JTyt1Zq1HlQ.mp4", + "variation_id": 0, + "video_id": "30470" + }, + { + "bbox": [ + 678, + 53, + 1655, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Research%2C%20Investigate-gIjCOB6HpNo.mp4", + "variation_id": 0, + "video_id": "30471" + }, + { + "bbox": [ + 43, + 18, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468668229.3966.mp4", + "variation_id": 0, + "video_id": "30472" + } + ] + }, + { + "gloss": "japan", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 239, + "frame_start": 177, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "30927" + }, + { + "bbox": [ + 73, + 11, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468668937.5269.mp4", + "variation_id": 0, + "video_id": "30937" + }, + { + "bbox": [ + 39, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/japan.mp4", + "variation_id": 0, + "video_id": "30938" + }, + { + "bbox": [ + 65, + 6, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5731.mp4", + "variation_id": 1, + "video_id": "30941" + }, + { + "bbox": [ + 352, + 52, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3RWypBF6cKY", + "variation_id": 0, + "video_id": "30942" + }, + { + "bbox": [ + 62, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455336.mp4", + "variation_id": 1, + "video_id": "30933" + }, + { + "bbox": [ + 89, + 14, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ZYUWTx3Xtdo", + "variation_id": 1, + "video_id": "67803" + }, + { + "bbox": [ + 9, + 15, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/japan_a.swf", + "variation_id": 1, + "video_id": "30944" + }, + { + "bbox": [ + 9, + 15, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/japan_b.swf", + "variation_id": 1, + "video_id": "30945" + }, + { + "bbox": [ + 212, + 52, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/japan.mp4", + "variation_id": 0, + "video_id": "30946" + }, + { + "bbox": [ + 67, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455337.mp4", + "variation_id": 0, + "video_id": "30934" + }, + { + "bbox": [ + 318, + 81, + 1742, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Japan%202-8u5dM9Tyf1k.mp4", + "variation_id": 0, + "video_id": "30935" + }, + { + "bbox": [ + 482, + 106, + 1624, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Japan-iA8S4bnsIIg.mp4", + "variation_id": 0, + "video_id": "30936" + } + ] + }, + { + "gloss": "jealous", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 289, + "frame_start": 240, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "30973" + }, + { + "bbox": [ + 369, + 19, + 797, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Juice-M16OET0NJEk.mp4", + "variation_id": 0, + "video_id": "30978" + }, + { + "bbox": [ + 96, + 4, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668969.2295.mp4", + "variation_id": 0, + "video_id": "30979" + }, + { + "bbox": [ + 49, + 2, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/jealous.mp4", + "variation_id": 0, + "video_id": "30982" + }, + { + "bbox": [ + 100, + 22, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/H1RZFFOHIrY", + "variation_id": 0, + "video_id": "67804" + }, + { + "bbox": [ + 42, + 6, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14582.mp4", + "variation_id": 0, + "video_id": "30983" + }, + { + "bbox": [ + 43, + 24, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23262.mp4", + "variation_id": 0, + "video_id": "30984" + }, + { + "bbox": [ + 63, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9357.mp4", + "variation_id": 0, + "video_id": "30985" + }, + { + "bbox": [ + 335, + 28, + 935, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Kniz_YHJxp4", + "variation_id": 0, + "video_id": "30986" + }, + { + "bbox": [ + 24, + 13, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/j/jealous.swf", + "variation_id": 0, + "video_id": "30987" + }, + { + "bbox": [ + 249, + 53, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/jealous.mp4", + "variation_id": 0, + "video_id": "30988" + }, + { + "bbox": [ + 37, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51150.mp4", + "variation_id": 0, + "video_id": "30974" + }, + { + "bbox": [ + 405, + 58, + 801, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/jealous.mp4", + "variation_id": 0, + "video_id": "30975" + } + ] + }, + { + "gloss": "king", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 396, + "frame_start": 337, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31723" + }, + { + "bbox": [ + 329, + 45, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bqFZZOtu11I", + "variation_id": 0, + "video_id": "31736" + }, + { + "bbox": [ + 323, + 33, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YM2viRv2ivA", + "variation_id": 0, + "video_id": "31738" + }, + { + "bbox": [ + 0, + 7, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/king.swf", + "variation_id": 0, + "video_id": "31739" + }, + { + "bbox": [ + 174, + 10, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KI/KING-623.mp4", + "variation_id": 0, + "video_id": "65994" + }, + { + "bbox": [ + 51, + 6, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457465.mp4", + "variation_id": 0, + "video_id": "31730" + }, + { + "bbox": [ + 78, + 23, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/eQXDv-T7H2U", + "variation_id": 0, + "video_id": "67816" + }, + { + "bbox": [ + 183, + 45, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/king.mp4", + "variation_id": 0, + "video_id": "31740" + }, + { + "bbox": [ + 390, + 54, + 804, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/king.mp4", + "variation_id": 0, + "video_id": "31731" + }, + { + "bbox": [ + 690, + 60, + 1501, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20King-VS55Frx_eJQ.mp4", + "variation_id": 0, + "video_id": "31732" + }, + { + "bbox": [ + 108, + 14, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670409.942.mp4", + "variation_id": 0, + "video_id": "31733" + }, + { + "bbox": [ + 57, + 11, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/k/king.mp4", + "variation_id": 0, + "video_id": "31734" + }, + { + "bbox": [ + 58, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6280.mp4", + "variation_id": 0, + "video_id": "31735" + } + ] + }, + { + "gloss": "kitchen", + "instances": [ + { + "bbox": [ + 720, + 91, + 1539, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pancake%2C%20Kitchen-JYixqJW5ISo.mp4", + "variation_id": 0, + "video_id": "31775" + }, + { + "bbox": [ + 90, + 22, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468670630.8329.mp4", + "variation_id": 0, + "video_id": "31776" + }, + { + "bbox": [ + 66, + 3, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/k/kitchen.mp4", + "variation_id": 0, + "video_id": "31777" + }, + { + "bbox": [ + 62, + 10, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14239.mp4", + "variation_id": 0, + "video_id": "31778" + }, + { + "bbox": [ + 335, + 90, + 848, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=e3DdcFOB-dg", + "variation_id": 1, + "video_id": "31779" + }, + { + "bbox": [ + 298, + 30, + 919, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=lmqs2F__zH4", + "variation_id": 1, + "video_id": "31780" + }, + { + "bbox": [ + 177, + 14, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KI/KITCHEN-557.mp4", + "variation_id": 1, + "video_id": "65997" + }, + { + "bbox": [ + 121, + 19, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/oe34Xa9LYrY", + "variation_id": 1, + "video_id": "67818" + }, + { + "bbox": [ + 320, + 89, + 852, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=UgFSAYtg8tw", + "variation_id": 0, + "video_id": "31782" + }, + { + "bbox": [ + 0, + 16, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/kitchen_a.swf", + "variation_id": 1, + "video_id": "31783" + }, + { + "bbox": [ + 215, + 46, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/kitchen.mp4", + "variation_id": 1, + "video_id": "31785" + }, + { + "bbox": [ + 333, + 48, + 793, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/kitchen.mp4", + "variation_id": 1, + "video_id": "31773" + }, + { + "bbox": [ + 713, + 96, + 1544, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Kitchen-WgJSoEOaHMo.mp4", + "variation_id": 1, + "video_id": "31774" + } + ] + }, + { + "gloss": "large", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 234, + "frame_start": 188, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32200" + }, + { + "bbox": [ + 123, + 7, + 524, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LLGY5yaSLDk", + "variation_id": 0, + "video_id": "32210" + }, + { + "bbox": [ + 246, + 36, + 1059, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LLGY5yaSLDk", + "variation_id": 0, + "video_id": "32211" + }, + { + "bbox": [ + 179, + 24, + 1060, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=z9WFeko-7jw", + "variation_id": 0, + "video_id": "32212" + }, + { + "bbox": [ + 50, + 9, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/308011.mp4", + "variation_id": 0, + "video_id": "32203" + }, + { + "bbox": [ + 26, + 4, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/large.swf", + "variation_id": 0, + "video_id": "32213" + }, + { + "bbox": [ + 156, + 56, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/large.mp4", + "variation_id": 0, + "video_id": "32214" + }, + { + "bbox": [ + 325, + 50, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/large.mp4", + "variation_id": 0, + "video_id": "32204" + }, + { + "bbox": [ + 572, + 84, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Large%2C%20Huge--m_jlfbs37k.mp4", + "variation_id": 0, + "video_id": "32205" + }, + { + "bbox": [ + 387, + 53, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Large.mp4", + "variation_id": 0, + "video_id": "32206" + }, + { + "bbox": [ + 112, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671337.1539.mp4", + "variation_id": 0, + "video_id": "32207" + }, + { + "bbox": [ + 33, + 3, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/large.mp4", + "variation_id": 0, + "video_id": "32208" + }, + { + "bbox": [ + 36, + 7, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9557.mp4", + "variation_id": 0, + "video_id": "32209" + } + ] + }, + { + "gloss": "last year", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 334, + "frame_start": 288, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32281" + }, + { + "bbox": [ + 353, + 49, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AsnNnkVJOKI", + "variation_id": 0, + "video_id": "32287" + }, + { + "bbox": [ + 374, + 35, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BMqQ832P4t4", + "variation_id": 0, + "video_id": "32288" + }, + { + "bbox": [ + 400, + 33, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KgsMpawi8GU", + "variation_id": 0, + "video_id": "32289" + }, + { + "bbox": [ + 378, + 32, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mVVDvxDau7o", + "variation_id": 0, + "video_id": "32290" + }, + { + "bbox": [ + 173, + 30, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LAST-YEAR-1543.mp4", + "variation_id": 0, + "video_id": "66012" + }, + { + "bbox": [ + 374, + 28, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=r-ebTdkgpEQ", + "variation_id": 0, + "video_id": "32291" + }, + { + "bbox": [ + 201, + 69, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/last-year.mp4", + "variation_id": 0, + "video_id": "32293" + }, + { + "bbox": [ + 76, + 3, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457493.mp4", + "variation_id": 0, + "video_id": "32282" + }, + { + "bbox": [ + 72, + 2, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457494.mp4", + "variation_id": 0, + "video_id": "32283" + }, + { + "bbox": [ + 717, + 151, + 1437, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Last%20Year%2C%20One%20Year%20Ago-YxJucxCTmB8.mp4", + "variation_id": 0, + "video_id": "32284" + }, + { + "bbox": [ + 124, + 27, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1465958028.9198.mp4", + "variation_id": 0, + "video_id": "32285" + }, + { + "bbox": [ + 96, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/last-year.mp4", + "variation_id": 0, + "video_id": "32286" + } + ] + }, + { + "gloss": "lemon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1051, + "frame_start": 999, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32806" + }, + { + "bbox": [ + 49, + 12, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lemon-fruit.mp4", + "variation_id": 0, + "video_id": "32816" + }, + { + "bbox": [ + 353, + 72, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TIYO3ae3nQg", + "variation_id": 0, + "video_id": "32818" + }, + { + "bbox": [ + 0, + 6, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lemon.swf", + "variation_id": 0, + "video_id": "32819" + }, + { + "bbox": [ + 188, + 63, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lemon.mp4", + "variation_id": 0, + "video_id": "32820" + }, + { + "bbox": [ + 207, + 33, + 513, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEMON-1679.mp4", + "variation_id": 0, + "video_id": "66030" + }, + { + "bbox": [ + 211, + 35, + 519, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEMON-1680.mp4", + "variation_id": 0, + "video_id": "66031" + }, + { + "bbox": [ + 212, + 34, + 520, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEMON-1681.mp4", + "variation_id": 0, + "video_id": "66032" + }, + { + "bbox": [ + 216, + 34, + 543, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEMON-1682.mp4", + "variation_id": 0, + "video_id": "66033" + }, + { + "bbox": [ + 59, + 2, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457522.mp4", + "variation_id": 0, + "video_id": "32812" + }, + { + "bbox": [ + 86, + 0, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/u8iBkURm8VE", + "variation_id": 0, + "video_id": "67838" + }, + { + "bbox": [ + 436, + 60, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lemon.mp4", + "variation_id": 0, + "video_id": "32813" + }, + { + "bbox": [ + 139, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468672161.5140.mp4", + "variation_id": 0, + "video_id": "32814" + } + ] + }, + { + "gloss": "lettuce", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1314, + "frame_start": 1265, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32962" + }, + { + "bbox": [ + 314, + 19, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pEKxWF8vUGo", + "variation_id": 0, + "video_id": "32969" + }, + { + "bbox": [ + 286, + 29, + 941, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VvRadFPMjEQ", + "variation_id": 0, + "video_id": "32970" + }, + { + "bbox": [ + 0, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lettuce.swf", + "variation_id": 0, + "video_id": "32971" + }, + { + "bbox": [ + 199, + 0, + 531, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTUCE-1651.mp4", + "variation_id": 0, + "video_id": "66065" + }, + { + "bbox": [ + 134, + 12, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/WmITf9IoItk", + "variation_id": 0, + "video_id": "67842" + }, + { + "bbox": [ + 203, + 33, + 480, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lettuce.mp4", + "variation_id": 0, + "video_id": "32972" + }, + { + "bbox": [ + 406, + 54, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lettuce.mp4", + "variation_id": 0, + "video_id": "32963" + }, + { + "bbox": [ + 527, + 0, + 1570, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cabbage%2C%20Lettuce%2C%20Garbage%202-mBmLhI--vyg.mp4", + "variation_id": 0, + "video_id": "32964" + }, + { + "bbox": [ + 302, + 0, + 1049, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Cabbage%252C%20Lettuce%252C%20Garbage.mp4", + "variation_id": 0, + "video_id": "32965" + }, + { + "bbox": [ + 130, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711249.6223.mp4", + "variation_id": 0, + "video_id": "32966" + }, + { + "bbox": [ + 62, + 10, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/lettuce.mp4", + "variation_id": 0, + "video_id": "32967" + }, + { + "bbox": [ + 68, + 0, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7935.mp4", + "variation_id": 0, + "video_id": "32968" + } + ] + }, + { + "gloss": "marry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 567, + "frame_start": 518, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34955" + }, + { + "bbox": [ + 314, + 25, + 864, + 720 + ], + "fps": 25, + "frame_end": 37, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=AFQ1q4iF_08", + "variation_id": 0, + "video_id": "68326" + }, + { + "bbox": [ + 87, + 19, + 434, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RwgmSO-tMyo", + "variation_id": 0, + "video_id": "34963" + }, + { + "bbox": [ + 19, + 1, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/marry.swf", + "variation_id": 0, + "video_id": "34964" + }, + { + "bbox": [ + 177, + 29, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MARRY-1625.mp4", + "variation_id": 0, + "video_id": "66104" + }, + { + "bbox": [ + 230, + 37, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/marriage.mp4", + "variation_id": 0, + "video_id": "34965" + }, + { + "bbox": [ + 71, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456935.mp4", + "variation_id": 0, + "video_id": "34956" + }, + { + "bbox": [ + 234, + 17, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/marry.mp4", + "variation_id": 0, + "video_id": "34957" + }, + { + "bbox": [ + 472, + 36, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Marry_2C%20Marriage.mp4", + "variation_id": 0, + "video_id": "34958" + }, + { + "bbox": [ + 127, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468713836.1212.mp4", + "variation_id": 0, + "video_id": "34959" + }, + { + "bbox": [ + 91, + 10, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/marry.mp4", + "variation_id": 0, + "video_id": "34960" + }, + { + "bbox": [ + 74, + 15, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6397.mp4", + "variation_id": 0, + "video_id": "34961" + }, + { + "bbox": [ + 339, + 48, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=i_qOMhaaqVI", + "variation_id": 0, + "video_id": "34962" + } + ] + }, + { + "gloss": "meeting", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 957, + "frame_start": 895, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35524" + }, + { + "bbox": [ + 236, + 27, + 995, + 720 + ], + "fps": 25, + "frame_end": 89, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=MKMoVapmIYU", + "variation_id": 0, + "video_id": "68696" + }, + { + "bbox": [ + 358, + 35, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SUeMTar-I28", + "variation_id": 0, + "video_id": "35532" + }, + { + "bbox": [ + 1, + 1, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/m/meeting_group.swf", + "variation_id": 0, + "video_id": "35533" + }, + { + "bbox": [ + 101, + 1, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/L9vCVI0Mkrk", + "variation_id": 0, + "video_id": "67887" + }, + { + "bbox": [ + 191, + 44, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/conference.mp4", + "variation_id": 0, + "video_id": "35534" + }, + { + "bbox": [ + 63, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399572.mp4", + "variation_id": 0, + "video_id": "35525" + }, + { + "bbox": [ + 436, + 55, + 819, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/meeting.mp4", + "variation_id": 0, + "video_id": "35526" + }, + { + "bbox": [ + 640, + 71, + 1586, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Conference%2C%20Meeting-X4pIURYciVU.mp4", + "variation_id": 0, + "video_id": "35527" + }, + { + "bbox": [ + 116, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468714746.3250.mp4", + "variation_id": 0, + "video_id": "35528" + }, + { + "bbox": [ + 86, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/meeting.mp4", + "variation_id": 0, + "video_id": "35529" + }, + { + "bbox": [ + 79, + 10, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14783.mp4", + "variation_id": 0, + "video_id": "35530" + }, + { + "bbox": [ + 325, + 52, + 895, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=2Q79H7VpOsA", + "variation_id": 0, + "video_id": "35531" + } + ] + }, + { + "gloss": "minute", + "instances": [ + { + "bbox": [ + 186, + 29, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MINUTE-1606.mp4", + "variation_id": 0, + "video_id": "66128" + }, + { + "bbox": [ + 101, + 22, + 284, + 240 + ], + "fps": 25, + "frame_end": 353, + "frame_start": 237, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70302" + }, + { + "bbox": [ + 87, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6540.mp4", + "variation_id": 1, + "video_id": "36249" + }, + { + "bbox": [ + 9, + 9, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/minute.swf", + "variation_id": 0, + "video_id": "36250" + }, + { + "bbox": [ + 199, + 52, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/minute.mp4", + "variation_id": 0, + "video_id": "36251" + }, + { + "bbox": [ + 190, + 16, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MINUTE-655.mp4", + "variation_id": 1, + "video_id": "66127" + }, + { + "bbox": [ + 43, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48589.mp4", + "variation_id": 1, + "video_id": "36242" + }, + { + "bbox": [ + 103, + 11, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2oc_5MNDWVk", + "variation_id": 0, + "video_id": "67896" + }, + { + "bbox": [ + 227, + 17, + 529, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/minute.mp4", + "variation_id": 1, + "video_id": "36243" + }, + { + "bbox": [ + 660, + 160, + 1390, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Minute%2C%20One%20Minute-Nuxwe5rCp10.mp4", + "variation_id": 1, + "video_id": "36244" + }, + { + "bbox": [ + 150, + 0, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468715639.355.mp4", + "variation_id": 1, + "video_id": "36245" + }, + { + "bbox": [ + 129, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/minute.mp4", + "variation_id": 0, + "video_id": "36246" + }, + { + "bbox": [ + 88, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6539.mp4", + "variation_id": 0, + "video_id": "36248" + } + ] + }, + { + "gloss": "mirror", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1590, + "frame_start": 1544, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36259" + }, + { + "bbox": [ + 54, + 9, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2076.mp4", + "variation_id": 0, + "video_id": "36266" + }, + { + "bbox": [ + 255, + 34, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6HxVLAUSZQk", + "variation_id": 0, + "video_id": "36267" + }, + { + "bbox": [ + 4, + 8, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mirror.swf", + "variation_id": 0, + "video_id": "36268" + }, + { + "bbox": [ + 173, + 31, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MIRROR-1605.mp4", + "variation_id": 0, + "video_id": "66129" + }, + { + "bbox": [ + 113, + 14, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/W9WaxFZEPk8", + "variation_id": 0, + "video_id": "67897" + }, + { + "bbox": [ + 190, + 51, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mirror.mp4", + "variation_id": 0, + "video_id": "36269" + }, + { + "bbox": [ + 51, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48590.mp4", + "variation_id": 0, + "video_id": "36260" + }, + { + "bbox": [ + 409, + 54, + 796, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/mirror.mp4", + "variation_id": 0, + "video_id": "36261" + }, + { + "bbox": [ + 571, + 29, + 1595, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mirror-lyBd4wKAmz4.mp4", + "variation_id": 0, + "video_id": "36262" + }, + { + "bbox": [ + 689, + 73, + 1607, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mirror--QpsizBJWMw.mp4", + "variation_id": 0, + "video_id": "36263" + }, + { + "bbox": [ + 136, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468715706.8242.mp4", + "variation_id": 0, + "video_id": "36264" + }, + { + "bbox": [ + 65, + 20, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/mirror.mp4", + "variation_id": 0, + "video_id": "36265" + } + ] + }, + { + "gloss": "miss", + "instances": [ + { + "bbox": [ + 185, + 28, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MISS-1603.mp4", + "variation_id": 0, + "video_id": "66131" + }, + { + "bbox": [ + 178, + 13, + 490, + 480 + ], + "fps": 25, + "frame_end": 2928, + "frame_start": 2800, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70113" + }, + { + "bbox": [ + 139, + 8, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468715784.841.mp4", + "variation_id": 1, + "video_id": "36337" + }, + { + "bbox": [ + 58, + 16, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/miss-fail.mp4", + "variation_id": 1, + "video_id": "36339" + }, + { + "bbox": [ + 54, + 16, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/miss-feeling.mp4", + "variation_id": 0, + "video_id": "36340" + }, + { + "bbox": [ + 62, + 9, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14072.mp4", + "variation_id": 1, + "video_id": "36342" + }, + { + "bbox": [ + 72, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9353.mp4", + "variation_id": 0, + "video_id": "36343" + }, + { + "bbox": [ + 359, + 20, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=336pi44UdPw", + "variation_id": 1, + "video_id": "36344" + }, + { + "bbox": [ + 59, + 15, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/153628.mp4", + "variation_id": 1, + "video_id": "36335" + }, + { + "bbox": [ + 1, + 10, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/miss_you.swf", + "variation_id": 0, + "video_id": "36348" + }, + { + "bbox": [ + 198, + 52, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/miss3.mp4", + "variation_id": 1, + "video_id": "36350" + }, + { + "bbox": [ + 188, + 57, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/miss.mp4", + "variation_id": 0, + "video_id": "36351" + }, + { + "bbox": [ + 659, + 66, + 1600, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Miss-E0FiuUFM_8M.mp4", + "variation_id": 1, + "video_id": "36336" + } + ] + }, + { + "gloss": "monkey", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1823, + "frame_start": 1777, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36677" + }, + { + "bbox": [ + 270, + 46, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=8gvNBh-5RzU", + "variation_id": 0, + "video_id": "36684" + }, + { + "bbox": [ + 33, + 37, + 506, + 344 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aVHJnszT78M", + "variation_id": 0, + "video_id": "36685" + }, + { + "bbox": [ + 0, + 4, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/monkey.swf", + "variation_id": 0, + "video_id": "36686" + }, + { + "bbox": [ + 176, + 26, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MONKEY-369.mp4", + "variation_id": 0, + "video_id": "66140" + }, + { + "bbox": [ + 39, + 13, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CC8lYNHFlgM", + "variation_id": 0, + "video_id": "67902" + }, + { + "bbox": [ + 119, + 60, + 604, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chimpanzee.mp4", + "variation_id": 0, + "video_id": "36687" + }, + { + "bbox": [ + 5, + 0, + 304, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457034.mp4", + "variation_id": 0, + "video_id": "36678" + }, + { + "bbox": [ + 182, + 16, + 616, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/monkey.mp4", + "variation_id": 0, + "video_id": "36679" + }, + { + "bbox": [ + 424, + 102, + 1721, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Monkey-pRzPpSrIc_w.mp4", + "variation_id": 0, + "video_id": "36680" + }, + { + "bbox": [ + 37, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716312.5762.mp4", + "variation_id": 0, + "video_id": "36681" + }, + { + "bbox": [ + 10, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/monkey.mp4", + "variation_id": 0, + "video_id": "36682" + }, + { + "bbox": [ + 43, + 8, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14675.mp4", + "variation_id": 0, + "video_id": "36683" + } + ] + }, + { + "gloss": "morning", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2136, + "frame_start": 2087, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36856" + }, + { + "bbox": [ + 159, + 36, + 397, + 360 + ], + "fps": 25, + "frame_end": 636, + "frame_start": 516, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70278" + }, + { + "bbox": [ + 215, + 57, + 903, + 720 + ], + "fps": 25, + "frame_end": 93, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=xdY1qV8lx4g", + "variation_id": 0, + "video_id": "69022" + }, + { + "bbox": [ + 389, + 31, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=iH8N44QMh7c", + "variation_id": 0, + "video_id": "36864" + }, + { + "bbox": [ + 3, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/morning.swf", + "variation_id": 0, + "video_id": "36865" + }, + { + "bbox": [ + 98, + 24, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BtlYeYdlUX0", + "variation_id": 0, + "video_id": "67907" + }, + { + "bbox": [ + 188, + 51, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/morning.mp4", + "variation_id": 0, + "video_id": "36866" + }, + { + "bbox": [ + 42, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48602.mp4", + "variation_id": 0, + "video_id": "36857" + }, + { + "bbox": [ + 231, + 16, + 558, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/morning.mp4", + "variation_id": 0, + "video_id": "36858" + }, + { + "bbox": [ + 418, + 18, + 1284, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 46, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Morning-Oem8EmGkQ0M.mp4", + "variation_id": 0, + "video_id": "36859" + }, + { + "bbox": [ + 41, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716608.8519.mp4", + "variation_id": 0, + "video_id": "36860" + }, + { + "bbox": [ + 29, + 10, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/morning.mp4", + "variation_id": 0, + "video_id": "36861" + }, + { + "bbox": [ + 70, + 15, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14715.mp4", + "variation_id": 0, + "video_id": "36863" + } + ] + }, + { + "gloss": "motorcycle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2296, + "frame_start": 2240, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36991" + }, + { + "bbox": [ + 240, + 11, + 997, + 720 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z_ZYNdaukYU", + "variation_id": 0, + "video_id": "69096" + }, + { + "bbox": [ + 279, + 52, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=suzyI59Ryh0", + "variation_id": 0, + "video_id": "36999" + }, + { + "bbox": [ + 0, + 7, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/motorcycle.swf", + "variation_id": 0, + "video_id": "37000" + }, + { + "bbox": [ + 47, + 22, + 420, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/wSKjMtnrH7s", + "variation_id": 0, + "video_id": "67909" + }, + { + "bbox": [ + 153, + 53, + 577, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/motorcycle.mp4", + "variation_id": 0, + "video_id": "37001" + }, + { + "bbox": [ + 17, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48603.mp4", + "variation_id": 0, + "video_id": "36992" + }, + { + "bbox": [ + 200, + 16, + 561, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/motorcycle.mp4", + "variation_id": 0, + "video_id": "36993" + }, + { + "bbox": [ + 554, + 77, + 1873, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Motorcycle-0YvI81wx1hI.mp4", + "variation_id": 0, + "video_id": "36994" + }, + { + "bbox": [ + 497, + 97, + 1394, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Motorcycle-LU56SUzihHc.mp4", + "variation_id": 0, + "video_id": "36995" + }, + { + "bbox": [ + 87, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716840.5997.mp4", + "variation_id": 0, + "video_id": "36996" + }, + { + "bbox": [ + 36, + 18, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 86, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/motorcycle.mp4", + "variation_id": 0, + "video_id": "36997" + }, + { + "bbox": [ + 58, + 17, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8971.mp4", + "variation_id": 0, + "video_id": "36998" + } + ] + }, + { + "gloss": "necklace", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 506, + "frame_start": 457, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37849" + }, + { + "bbox": [ + 384, + 68, + 869, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/necklace-2.mp4", + "variation_id": 0, + "video_id": "37851" + }, + { + "bbox": [ + 426, + 70, + 874, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/necklace.mp4", + "variation_id": 1, + "video_id": "37852" + }, + { + "bbox": [ + 562, + 63, + 1838, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jewelry%202-1QExxwdFd8s.mp4", + "variation_id": 0, + "video_id": "37853" + }, + { + "bbox": [ + 752, + 60, + 1545, + 1060 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Necklace%20copy-hE1SHCoZwfw.mp4", + "variation_id": 1, + "video_id": "37854" + }, + { + "bbox": [ + 629, + 76, + 1430, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Necklace-SlA5dLXOizo.mp4", + "variation_id": 0, + "video_id": "37855" + }, + { + "bbox": [ + 39, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/necklace2.mp4", + "variation_id": 0, + "video_id": "37857" + }, + { + "bbox": [ + 162, + 31, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NE/NECKLACE-1579.mp4", + "variation_id": 0, + "video_id": "66162" + }, + { + "bbox": [ + 100, + 18, + 442, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jtvzlwzOhl4", + "variation_id": 0, + "video_id": "67924" + }, + { + "bbox": [ + 46, + 10, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2136.mp4", + "variation_id": 1, + "video_id": "37859" + }, + { + "bbox": [ + 16, + 4, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/necklace.swf", + "variation_id": 1, + "video_id": "37863" + }, + { + "bbox": [ + 186, + 54, + 587, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/necklace.mp4", + "variation_id": 1, + "video_id": "37864" + }, + { + "bbox": [ + 68, + 30, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93972.mp4", + "variation_id": 0, + "video_id": "37850" + } + ] + }, + { + "gloss": "never", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 940, + "frame_start": 898, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38081" + }, + { + "bbox": [ + 122, + 6, + 501, + 480 + ], + "fps": 25, + "frame_end": 4788, + "frame_start": 4709, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70038" + }, + { + "bbox": [ + 0, + 3, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/never.swf", + "variation_id": 0, + "video_id": "38091" + }, + { + "bbox": [ + 206, + 63, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/never.mp4", + "variation_id": 0, + "video_id": "38092" + }, + { + "bbox": [ + 191, + 30, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NE/NEVER-1575.mp4", + "variation_id": 0, + "video_id": "66166" + }, + { + "bbox": [ + 46, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48813.mp4", + "variation_id": 0, + "video_id": "38084" + }, + { + "bbox": [ + 123, + 17, + 361, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/SSDg9Y4a-ec", + "variation_id": 0, + "video_id": "67927" + }, + { + "bbox": [ + 217, + 16, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/never.mp4", + "variation_id": 0, + "video_id": "38085" + }, + { + "bbox": [ + 710, + 54, + 1504, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Never-cTDaclFdVZs.mp4", + "variation_id": 0, + "video_id": "38086" + }, + { + "bbox": [ + 129, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468718677.1119.mp4", + "variation_id": 0, + "video_id": "38087" + }, + { + "bbox": [ + 108, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/never.mp4", + "variation_id": 0, + "video_id": "38088" + }, + { + "bbox": [ + 70, + 10, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8676.mp4", + "variation_id": 0, + "video_id": "38089" + }, + { + "bbox": [ + 316, + 12, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ew7FIPLu5SE", + "variation_id": 0, + "video_id": "38090" + } + ] + }, + { + "gloss": "newspaper", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1080, + "frame_start": 1031, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38176" + }, + { + "bbox": [ + 230, + 41, + 1038, + 720 + ], + "fps": 25, + "frame_end": 98, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Hs8nTnDLF_Y", + "variation_id": 0, + "video_id": "68532" + }, + { + "bbox": [ + 128, + 31, + 289, + 240 + ], + "fps": 25, + "frame_end": 5093, + "frame_start": 4988, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70324" + }, + { + "bbox": [ + 210, + 54, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/newspaper.mp4", + "variation_id": 0, + "video_id": "38186" + }, + { + "bbox": [ + 38, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48815.mp4", + "variation_id": 0, + "video_id": "38178" + }, + { + "bbox": [ + 90, + 21, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/OdJuIwj6iYY", + "variation_id": 0, + "video_id": "67931" + }, + { + "bbox": [ + 138, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718854.2103.mp4", + "variation_id": 0, + "video_id": "38179" + }, + { + "bbox": [ + 41, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/newspaper.mp4", + "variation_id": 0, + "video_id": "38180" + }, + { + "bbox": [ + 74, + 14, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8898.mp4", + "variation_id": 0, + "video_id": "38181" + }, + { + "bbox": [ + 236, + 24, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=8a0x0EOO9Fg", + "variation_id": 0, + "video_id": "38182" + }, + { + "bbox": [ + 308, + 31, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=__bh7QCaDsw", + "variation_id": 0, + "video_id": "38183" + }, + { + "bbox": [ + 308, + 27, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Or8gNPdOsr4", + "variation_id": 0, + "video_id": "38184" + }, + { + "bbox": [ + 28, + 5, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/n/newspaper.swf", + "variation_id": 0, + "video_id": "38185" + } + ] + }, + { + "gloss": "night", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1317, + "frame_start": 1271, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38329" + }, + { + "bbox": [ + 149, + 37, + 413, + 360 + ], + "fps": 25, + "frame_end": 472, + "frame_start": 354, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70277" + }, + { + "bbox": [ + 220, + 61, + 894, + 720 + ], + "fps": 25, + "frame_end": 78, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=MUVYTxET4Do", + "variation_id": 0, + "video_id": "68716" + }, + { + "bbox": [ + 338, + 37, + 1022, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jNiRlzvjd5U", + "variation_id": 0, + "video_id": "38343" + }, + { + "bbox": [ + 16, + 5, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/night.swf", + "variation_id": 0, + "video_id": "38344" + }, + { + "bbox": [ + 250, + 37, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/night.mp4", + "variation_id": 0, + "video_id": "38345" + }, + { + "bbox": [ + 45, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48821.mp4", + "variation_id": 0, + "video_id": "38336" + }, + { + "bbox": [ + 98, + 2, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/p3FTqco1h1U", + "variation_id": 0, + "video_id": "67932" + }, + { + "bbox": [ + 449, + 20, + 1258, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Night-sXPC0bQ0y2g.mp4", + "variation_id": 0, + "video_id": "38337" + }, + { + "bbox": [ + 124, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468719112.7545.mp4", + "variation_id": 0, + "video_id": "38338" + }, + { + "bbox": [ + 63, + 8, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/night.mp4", + "variation_id": 0, + "video_id": "38339" + }, + { + "bbox": [ + 73, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7109.mp4", + "variation_id": 0, + "video_id": "38341" + }, + { + "bbox": [ + 171, + 6, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=jNiRlzvjd5U", + "variation_id": 0, + "video_id": "38342" + } + ] + }, + { + "gloss": "onion", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 887, + "frame_start": 818, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39846" + }, + { + "bbox": [ + 59, + 16, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8081.mp4", + "variation_id": 0, + "video_id": "39853" + }, + { + "bbox": [ + 64, + 15, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8082.mp4", + "variation_id": 0, + "video_id": "39854" + }, + { + "bbox": [ + 238, + 59, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ijbgu7nxdAc", + "variation_id": 0, + "video_id": "39855" + }, + { + "bbox": [ + 58, + 20, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jhEkf11iUI4", + "variation_id": 0, + "video_id": "67946" + }, + { + "bbox": [ + 0, + 7, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/onion.swf", + "variation_id": 0, + "video_id": "39856" + }, + { + "bbox": [ + 158, + 63, + 580, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/onion.mp4", + "variation_id": 0, + "video_id": "39857" + }, + { + "bbox": [ + 21, + 32, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91532.mp4", + "variation_id": 0, + "video_id": "39847" + }, + { + "bbox": [ + 389, + 61, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/onion.mp4", + "variation_id": 0, + "video_id": "39848" + }, + { + "bbox": [ + 491, + 135, + 1467, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Onion-N7uylRlFIWc.mp4", + "variation_id": 0, + "video_id": "39849" + }, + { + "bbox": [ + 482, + 66, + 1220, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Onion.mp4", + "variation_id": 0, + "video_id": "39850" + }, + { + "bbox": [ + 56, + 0, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468721992.3631.mp4", + "variation_id": 0, + "video_id": "39851" + }, + { + "bbox": [ + 6, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/onion.mp4", + "variation_id": 0, + "video_id": "39852" + } + ] + }, + { + "gloss": "people", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1330, + "frame_start": 1254, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41920" + }, + { + "bbox": [ + 338, + 37, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/people.mp4", + "variation_id": 0, + "video_id": "69426" + }, + { + "bbox": [ + 290, + 5, + 1075, + 720 + ], + "fps": 25, + "frame_end": 77, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=az3w7F11lJs", + "variation_id": 0, + "video_id": "68346" + }, + { + "bbox": [ + 129, + 23, + 510, + 480 + ], + "fps": 25, + "frame_end": 5856, + "frame_start": 5679, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70144" + }, + { + "bbox": [ + 23, + 17, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/people.swf", + "variation_id": 0, + "video_id": "41930" + }, + { + "bbox": [ + 197, + 52, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/people.mp4", + "variation_id": 0, + "video_id": "41931" + }, + { + "bbox": [ + 20, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49185.mp4", + "variation_id": 0, + "video_id": "41922" + }, + { + "bbox": [ + 98, + 19, + 353, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sh_YuONgpFo", + "variation_id": 0, + "video_id": "67974" + }, + { + "bbox": [ + 707, + 136, + 1620, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20People-fgoK5-CEOzU.mp4", + "variation_id": 0, + "video_id": "41923" + }, + { + "bbox": [ + 118, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1525610734.9912.mp4", + "variation_id": 0, + "video_id": "41924" + }, + { + "bbox": [ + 94, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/people.mp4", + "variation_id": 0, + "video_id": "41926" + }, + { + "bbox": [ + 70, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6404.mp4", + "variation_id": 0, + "video_id": "41927" + }, + { + "bbox": [ + 284, + 42, + 1016, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=G_g11mm-iRY", + "variation_id": 0, + "video_id": "41929" + } + ] + }, + { + "gloss": "pepper", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1383, + "frame_start": 1331, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41937" + }, + { + "bbox": [ + 47, + 34, + 463, + 480 + ], + "fps": 25, + "frame_end": 2869, + "frame_start": 2756, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70068" + }, + { + "bbox": [ + 415, + 139, + 1417, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pepper%2C%20Shake-5j8GlxSR9aA.mp4", + "variation_id": 0, + "video_id": "41942" + }, + { + "bbox": [ + 44, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724909.6782.mp4", + "variation_id": 0, + "video_id": "41943" + }, + { + "bbox": [ + 39, + 14, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pepper-black.mp4", + "variation_id": 0, + "video_id": "41944" + }, + { + "bbox": [ + 88, + 15, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8000.mp4", + "variation_id": 0, + "video_id": "41945" + }, + { + "bbox": [ + 64, + 0, + 360, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/HPvP8fUWwks", + "variation_id": 0, + "video_id": "67975" + }, + { + "bbox": [ + 234, + 60, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UYVDfe4FgUQ", + "variation_id": 0, + "video_id": "41947" + }, + { + "bbox": [ + 0, + 13, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pepper.swf", + "variation_id": 0, + "video_id": "41948" + }, + { + "bbox": [ + 31, + 27, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91562.mp4", + "variation_id": 0, + "video_id": "41938" + }, + { + "bbox": [ + 377, + 62, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pepper.mp4", + "variation_id": 0, + "video_id": "41939" + }, + { + "bbox": [ + 463, + 135, + 1490, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pepper%2C%20Shake%202-IsbF6PZcOsU.mp4", + "variation_id": 0, + "video_id": "41940" + }, + { + "bbox": [ + 255, + 132, + 1490, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pepper%2C%20Shake%203-RblFCcMkvmQ.mp4", + "variation_id": 0, + "video_id": "41941" + } + ] + }, + { + "gloss": "phone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1876, + "frame_start": 1844, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42419" + }, + { + "bbox": [ + 41, + 5, + 545, + 360 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=mOS-N9FH98A", + "variation_id": 0, + "video_id": "68704" + }, + { + "bbox": [ + 122, + 0, + 1155, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=WgwZiQTmuf4", + "variation_id": 0, + "video_id": "68130" + }, + { + "bbox": [ + 352, + 66, + 851, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=OxPU1Gq4UcY", + "variation_id": 0, + "video_id": "42431" + }, + { + "bbox": [ + 20, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457751.mp4", + "variation_id": 0, + "video_id": "42423" + }, + { + "bbox": [ + 17, + 4, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/phone.swf", + "variation_id": 0, + "video_id": "42433" + }, + { + "bbox": [ + 170, + 53, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/phone.mp4", + "variation_id": 0, + "video_id": "42434" + }, + { + "bbox": [ + 43, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457752.mp4", + "variation_id": 0, + "video_id": "42424" + }, + { + "bbox": [ + 80, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725580.1235.mp4", + "variation_id": 0, + "video_id": "42425" + }, + { + "bbox": [ + 118, + 9, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/phone.mp4", + "variation_id": 0, + "video_id": "42426" + }, + { + "bbox": [ + 108, + 17, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/phone-you.mp4", + "variation_id": 0, + "video_id": "42427" + }, + { + "bbox": [ + 58, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7254.mp4", + "variation_id": 0, + "video_id": "42428" + }, + { + "bbox": [ + 328, + 39, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=fgg7qxjYh_0", + "variation_id": 0, + "video_id": "42429" + } + ] + }, + { + "gloss": "picture", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2203, + "frame_start": 2137, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42649" + }, + { + "bbox": [ + 117, + 0, + 1205, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=jvCWeEKo3DY", + "variation_id": 0, + "video_id": "68131" + }, + { + "bbox": [ + 1, + 11, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/picture.swf", + "variation_id": 0, + "video_id": "42659" + }, + { + "bbox": [ + 184, + 57, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/image.mp4", + "variation_id": 0, + "video_id": "42660" + }, + { + "bbox": [ + 45, + 3, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63560.mp4", + "variation_id": 0, + "video_id": "42651" + }, + { + "bbox": [ + 102, + 21, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/JV4n-xMHv8k", + "variation_id": 0, + "video_id": "67982" + }, + { + "bbox": [ + 393, + 49, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/picture.mp4", + "variation_id": 0, + "video_id": "42652" + }, + { + "bbox": [ + 739, + 75, + 1618, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Image%2C%20Picture-qmGvlGKLGeI.mp4", + "variation_id": 0, + "video_id": "42653" + }, + { + "bbox": [ + 102, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468726080.6503.mp4", + "variation_id": 0, + "video_id": "42654" + }, + { + "bbox": [ + 14, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/picture.mp4", + "variation_id": 0, + "video_id": "42655" + }, + { + "bbox": [ + 73, + 6, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5976.mp4", + "variation_id": 0, + "video_id": "42656" + }, + { + "bbox": [ + 328, + 44, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=8_eI8t4exD8", + "variation_id": 0, + "video_id": "42657" + }, + { + "bbox": [ + 318, + 44, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Mu4in1jLNZA", + "variation_id": 0, + "video_id": "42658" + } + ] + }, + { + "gloss": "plus", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3105, + "frame_start": 3063, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43335" + }, + { + "bbox": [ + 318, + 20, + 1080, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=FpSHDm4HUZg", + "variation_id": 0, + "video_id": "68134" + }, + { + "bbox": [ + 356, + 40, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=15Kyw3b2f70", + "variation_id": 0, + "video_id": "43346" + }, + { + "bbox": [ + 239, + 0, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bXlKUuPtm0s", + "variation_id": 0, + "video_id": "43347" + }, + { + "bbox": [ + 0, + 3, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/plus.swf", + "variation_id": 0, + "video_id": "43348" + }, + { + "bbox": [ + 198, + 10, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PL/PLUS-909.mp4", + "variation_id": 0, + "video_id": "66303" + }, + { + "bbox": [ + 58, + 11, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116333.mp4", + "variation_id": 0, + "video_id": "43339" + }, + { + "bbox": [ + 239, + 38, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/add2.mp4", + "variation_id": 0, + "video_id": "43349" + }, + { + "bbox": [ + 633, + 49, + 1506, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Plus-bfY_3UCUOxE.mp4", + "variation_id": 0, + "video_id": "43340" + }, + { + "bbox": [ + 668, + 35, + 1731, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pro-ckIRGIIvnjo.mp4", + "variation_id": 0, + "video_id": "43341" + }, + { + "bbox": [ + 120, + 38, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499870520.9537.mp4", + "variation_id": 0, + "video_id": "43342" + }, + { + "bbox": [ + 88, + 38, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/plus.mp4", + "variation_id": 0, + "video_id": "43343" + }, + { + "bbox": [ + 73, + 17, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6474.mp4", + "variation_id": 0, + "video_id": "43345" + } + ] + }, + { + "gloss": "point", + "instances": [ + { + "bbox": [ + 199, + 4, + 568, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POINT-910.mp4", + "variation_id": 0, + "video_id": "66304" + }, + { + "bbox": [ + 8, + 7, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/point.swf", + "variation_id": 0, + "video_id": "43460" + }, + { + "bbox": [ + 175, + 50, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/objective.mp4", + "variation_id": 0, + "video_id": "43461" + }, + { + "bbox": [ + 175, + 54, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/point.mp4", + "variation_id": 0, + "video_id": "43462" + }, + { + "bbox": [ + 416, + 53, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/point.mp4", + "variation_id": 0, + "video_id": "43444" + }, + { + "bbox": [ + 393, + 91, + 1558, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Point-Q6UwBpW4YGQ.mp4", + "variation_id": 0, + "video_id": "43445" + }, + { + "bbox": [ + 622, + 67, + 1607, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20To%20the%20Point-9xtUROYOGFM.mp4", + "variation_id": 0, + "video_id": "43446" + }, + { + "bbox": [ + 186, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754235.9169.mp4", + "variation_id": 0, + "video_id": "43447" + }, + { + "bbox": [ + 53, + 10, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/point-purpose.mp4", + "variation_id": 0, + "video_id": "43448" + }, + { + "bbox": [ + 49, + 12, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/point-score.mp4", + "variation_id": 0, + "video_id": "43449" + }, + { + "bbox": [ + 39, + 1, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58395.mp4", + "variation_id": 0, + "video_id": "43443" + }, + { + "bbox": [ + 54, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14332.mp4", + "variation_id": 0, + "video_id": "43452" + }, + { + "bbox": [ + 91, + 16, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/HJ5OH9Q2m4g", + "variation_id": 0, + "video_id": "67086" + } + ] + }, + { + "gloss": "poor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3505, + "frame_start": 3469, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43678" + }, + { + "bbox": [ + 319, + 25, + 921, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ejyz4IJMBY8", + "variation_id": 0, + "video_id": "43685" + }, + { + "bbox": [ + 356, + 13, + 1016, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YDiK5EvpeW8", + "variation_id": 0, + "video_id": "43686" + }, + { + "bbox": [ + 356, + 13, + 1016, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YDiK5EvpeW8", + "variation_id": 0, + "video_id": "43687" + }, + { + "bbox": [ + 97, + 27, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pGVofdO57Mg", + "variation_id": 0, + "video_id": "67089" + }, + { + "bbox": [ + 0, + 5, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/poor.swf", + "variation_id": 0, + "video_id": "43688" + }, + { + "bbox": [ + 186, + 55, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/poor.mp4", + "variation_id": 0, + "video_id": "43689" + }, + { + "bbox": [ + 52, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49208.mp4", + "variation_id": 0, + "video_id": "43679" + }, + { + "bbox": [ + 234, + 12, + 565, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/poor.mp4", + "variation_id": 0, + "video_id": "43680" + }, + { + "bbox": [ + 501, + 68, + 1039, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Poor%252C%20Poverty.mp4", + "variation_id": 0, + "video_id": "43681" + }, + { + "bbox": [ + 146, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754688.3498.mp4", + "variation_id": 0, + "video_id": "43682" + }, + { + "bbox": [ + 87, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/poor-poverty.mp4", + "variation_id": 0, + "video_id": "43683" + }, + { + "bbox": [ + 64, + 15, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2404.mp4", + "variation_id": 0, + "video_id": "43684" + } + ] + }, + { + "gloss": "possible", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3809, + "frame_start": 3753, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43828" + }, + { + "bbox": [ + 65, + 18, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9066.mp4", + "variation_id": 0, + "video_id": "43834" + }, + { + "bbox": [ + 65, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9565.mp4", + "variation_id": 0, + "video_id": "43835" + }, + { + "bbox": [ + 64, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9566.mp4", + "variation_id": 0, + "video_id": "43836" + }, + { + "bbox": [ + 147, + 10, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xBlASQ0CTbQ", + "variation_id": 0, + "video_id": "43837" + }, + { + "bbox": [ + 188, + 0, + 523, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POSSIBLE-2041.mp4", + "variation_id": 0, + "video_id": "66316" + }, + { + "bbox": [ + 93, + 12, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TmL8vArREpk", + "variation_id": 0, + "video_id": "67092" + }, + { + "bbox": [ + 11, + 11, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/possible.swf", + "variation_id": 0, + "video_id": "43838" + }, + { + "bbox": [ + 180, + 46, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ability.mp4", + "variation_id": 0, + "video_id": "43839" + }, + { + "bbox": [ + 39, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51138.mp4", + "variation_id": 0, + "video_id": "43829" + }, + { + "bbox": [ + 167, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754886.902.mp4", + "variation_id": 0, + "video_id": "43830" + }, + { + "bbox": [ + 119, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/possible.mp4", + "variation_id": 0, + "video_id": "43831" + }, + { + "bbox": [ + 77, + 18, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7818.mp4", + "variation_id": 0, + "video_id": "43833" + } + ] + }, + { + "gloss": "quiet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 346, + "frame_start": 274, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45754" + }, + { + "bbox": [ + 42, + 11, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5611.mp4", + "variation_id": 0, + "video_id": "45762" + }, + { + "bbox": [ + 332, + 53, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=97qTXpRHLxk", + "variation_id": 0, + "video_id": "45764" + }, + { + "bbox": [ + 297, + 22, + 1025, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xq2ZodH6gzk", + "variation_id": 0, + "video_id": "45765" + }, + { + "bbox": [ + 17, + 17, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/q/quiet.swf", + "variation_id": 0, + "video_id": "45766" + }, + { + "bbox": [ + 195, + 11, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/QU/QUIET-233.mp4", + "variation_id": 0, + "video_id": "66365" + }, + { + "bbox": [ + 33, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49264.mp4", + "variation_id": 0, + "video_id": "45757" + }, + { + "bbox": [ + 94, + 28, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pr_COgOLLU4", + "variation_id": 0, + "video_id": "67118" + }, + { + "bbox": [ + 186, + 62, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quiet.mp4", + "variation_id": 0, + "video_id": "45767" + }, + { + "bbox": [ + 435, + 55, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/quiet.mp4", + "variation_id": 0, + "video_id": "45758" + }, + { + "bbox": [ + 684, + 43, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Silent%2C%20Quiet-9rp2ICTeDgM.mp4", + "variation_id": 0, + "video_id": "45759" + }, + { + "bbox": [ + 125, + 0, + 619, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468757731.3435.mp4", + "variation_id": 0, + "video_id": "45760" + }, + { + "bbox": [ + 50, + 9, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/q/quiet.mp4", + "variation_id": 0, + "video_id": "45761" + } + ] + }, + { + "gloss": "rain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 302, + "frame_start": 233, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "45965" + }, + { + "bbox": [ + 68, + 22, + 582, + 480 + ], + "fps": 25, + "frame_end": 4926, + "frame_start": 4807, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70121" + }, + { + "bbox": [ + 0, + 0, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rain.swf", + "variation_id": 0, + "video_id": "46000" + }, + { + "bbox": [ + 184, + 55, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/precipitation.mp4", + "variation_id": 0, + "video_id": "46001" + }, + { + "bbox": [ + 208, + 10, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RA/RAIN-1011.mp4", + "variation_id": 0, + "video_id": "66369" + }, + { + "bbox": [ + 14, + 0, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49266.mp4", + "variation_id": 0, + "video_id": "45993" + }, + { + "bbox": [ + 69, + 0, + 448, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/y3z9aERL4u4", + "variation_id": 0, + "video_id": "67121" + }, + { + "bbox": [ + 391, + 68, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/rain.mp4", + "variation_id": 0, + "video_id": "45994" + }, + { + "bbox": [ + 328, + 84, + 1032, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Rain.mp4", + "variation_id": 0, + "video_id": "45995" + }, + { + "bbox": [ + 109, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468758059.4199.mp4", + "variation_id": 0, + "video_id": "45996" + }, + { + "bbox": [ + 3, + 0, + 629, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rain.mp4", + "variation_id": 0, + "video_id": "45997" + }, + { + "bbox": [ + 41, + 7, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22993.mp4", + "variation_id": 0, + "video_id": "45998" + }, + { + "bbox": [ + 226, + 91, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=PHYhqJDV9Xo", + "variation_id": 0, + "video_id": "45999" + } + ] + }, + { + "gloss": "ready", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 672, + "frame_start": 633, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46287" + }, + { + "bbox": [ + 179, + 48, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ready.mp4", + "variation_id": 0, + "video_id": "46305" + }, + { + "bbox": [ + 23, + 6, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/158011.mp4", + "variation_id": 0, + "video_id": "46288" + }, + { + "bbox": [ + 13, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49268.mp4", + "variation_id": 0, + "video_id": "46289" + }, + { + "bbox": [ + 345, + 35, + 1768, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ready%202h-Mia86oYwZKs.mp4", + "variation_id": 0, + "video_id": "46291" + }, + { + "bbox": [ + 148, + 1, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758376.4036.mp4", + "variation_id": 0, + "video_id": "46292" + }, + { + "bbox": [ + 130, + 32, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768074.9713.mp4", + "variation_id": 0, + "video_id": "46293" + }, + { + "bbox": [ + 55, + 15, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/ready2.mp4", + "variation_id": 0, + "video_id": "46294" + }, + { + "bbox": [ + 45, + 7, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14681.mp4", + "variation_id": 0, + "video_id": "46296" + }, + { + "bbox": [ + 195, + 38, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 89, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/READY-2161.mp4", + "variation_id": 0, + "video_id": "66374" + }, + { + "bbox": [ + 54, + 12, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9415.mp4", + "variation_id": 0, + "video_id": "46299" + }, + { + "bbox": [ + 68, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9416.mp4", + "variation_id": 0, + "video_id": "46300" + }, + { + "bbox": [ + 321, + 30, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=rc7mlqlvOss", + "variation_id": 0, + "video_id": "46302" + } + ] + }, + { + "gloss": "research", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2507, + "frame_start": 2418, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47485" + }, + { + "bbox": [ + 61, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/research.mp4", + "variation_id": 0, + "video_id": "47495" + }, + { + "bbox": [ + 66, + 24, + 192, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23210.mp4", + "variation_id": 0, + "video_id": "47496" + }, + { + "bbox": [ + 355, + 34, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_7Kl25XAHv0", + "variation_id": 0, + "video_id": "47497" + }, + { + "bbox": [ + 329, + 31, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UTRYoKpNYDI", + "variation_id": 0, + "video_id": "47498" + }, + { + "bbox": [ + 3, + 6, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/research_2.swf", + "variation_id": 0, + "video_id": "47499" + }, + { + "bbox": [ + 135, + 33, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RESEARCH-963.mp4", + "variation_id": 0, + "video_id": "66393" + }, + { + "bbox": [ + 78, + 8, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/research.mov", + "variation_id": 0, + "video_id": "47490" + }, + { + "bbox": [ + 95, + 15, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/6qHMCkQKrUg", + "variation_id": 0, + "video_id": "67136" + }, + { + "bbox": [ + 217, + 42, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/research.mp4", + "variation_id": 0, + "video_id": "47501" + }, + { + "bbox": [ + 678, + 53, + 1655, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Research%2C%20Investigate-gIjCOB6HpNo.mp4", + "variation_id": 0, + "video_id": "47492" + }, + { + "bbox": [ + 690, + 44, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Research-GEG5sDkVTBY.mp4", + "variation_id": 0, + "video_id": "47493" + }, + { + "bbox": [ + 128, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468760160.6145.mp4", + "variation_id": 0, + "video_id": "47494" + } + ] + }, + { + "gloss": "scared", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 843, + "frame_start": 791, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49475" + }, + { + "bbox": [ + 59, + 15, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7213.mp4", + "variation_id": 0, + "video_id": "49483" + }, + { + "bbox": [ + 325, + 50, + 848, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=J2WQZ8E4SUA", + "variation_id": 0, + "video_id": "49485" + }, + { + "bbox": [ + 82, + 25, + 438, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=s74FnhnxRoM", + "variation_id": 0, + "video_id": "49486" + }, + { + "bbox": [ + 205, + 36, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SC/SCARED-246.mp4", + "variation_id": 0, + "video_id": "66432" + }, + { + "bbox": [ + 56, + 13, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63572.mp4", + "variation_id": 0, + "video_id": "49477" + }, + { + "bbox": [ + 95, + 15, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/HHgIrMeWhFg", + "variation_id": 0, + "video_id": "67167" + }, + { + "bbox": [ + 209, + 37, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/afraid.mp4", + "variation_id": 0, + "video_id": "49487" + }, + { + "bbox": [ + 351, + 56, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/scared.mp4", + "variation_id": 0, + "video_id": "49478" + }, + { + "bbox": [ + 447, + 34, + 1680, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Scared-DrJ4IBnI_Jo.mp4", + "variation_id": 0, + "video_id": "49479" + }, + { + "bbox": [ + 145, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763300.273.mp4", + "variation_id": 0, + "video_id": "49480" + }, + { + "bbox": [ + 62, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/scared.mp4", + "variation_id": 0, + "video_id": "49481" + }, + { + "bbox": [ + 72, + 3, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5943.mp4", + "variation_id": 0, + "video_id": "49482" + } + ] + }, + { + "gloss": "science", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1010, + "frame_start": 954, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49627" + }, + { + "bbox": [ + 70, + 24, + 556, + 480 + ], + "fps": 25, + "frame_end": 5635, + "frame_start": 5491, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70143" + }, + { + "bbox": [ + 0, + 17, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/science.swf", + "variation_id": 0, + "video_id": "49639" + }, + { + "bbox": [ + 203, + 33, + 520, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/science.mp4", + "variation_id": 0, + "video_id": "49640" + }, + { + "bbox": [ + 74, + 9, + 246, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/science.mov", + "variation_id": 0, + "video_id": "49631" + }, + { + "bbox": [ + 78, + 16, + 438, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/so6TRSqKp_8", + "variation_id": 0, + "video_id": "67171" + }, + { + "bbox": [ + 40, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50779.mp4", + "variation_id": 0, + "video_id": "49632" + }, + { + "bbox": [ + 355, + 59, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/science.mp4", + "variation_id": 0, + "video_id": "49633" + }, + { + "bbox": [ + 555, + 88, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Science-1MJHtOtH2mE.mp4", + "variation_id": 0, + "video_id": "49634" + }, + { + "bbox": [ + 66, + 0, + 607, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468763393.453.mp4", + "variation_id": 0, + "video_id": "49635" + }, + { + "bbox": [ + 41, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/science.mp4", + "variation_id": 0, + "video_id": "49636" + }, + { + "bbox": [ + 49, + 9, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6456.mp4", + "variation_id": 0, + "video_id": "49637" + }, + { + "bbox": [ + 181, + 35, + 1075, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=TcP83Utr_RI", + "variation_id": 0, + "video_id": "49638" + } + ] + }, + { + "gloss": "score", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1237, + "frame_start": 1201, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49689" + }, + { + "bbox": [ + 370, + 23, + 798, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20score%20basketball-h-GkTVSK-BU.mp4", + "variation_id": 0, + "video_id": "49693" + }, + { + "bbox": [ + 373, + 20, + 804, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20score-dSy1PvZ1UhE.mp4", + "variation_id": 0, + "video_id": "49694" + }, + { + "bbox": [ + 126, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763511.5652.mp4", + "variation_id": 1, + "video_id": "49695" + }, + { + "bbox": [ + 71, + 13, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/score-goal.mp4", + "variation_id": 0, + "video_id": "49696" + }, + { + "bbox": [ + 60, + 15, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/382.mp4", + "variation_id": 0, + "video_id": "49697" + }, + { + "bbox": [ + 82, + 18, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23691.mp4", + "variation_id": 1, + "video_id": "49699" + }, + { + "bbox": [ + 82, + 18, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23691.mp4", + "variation_id": 1, + "video_id": "49700" + }, + { + "bbox": [ + 157, + 32, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SC/SCORE-1002.mp4", + "variation_id": 1, + "video_id": "66434" + }, + { + "bbox": [ + 70, + 16, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/87622.mp4", + "variation_id": 0, + "video_id": "49691" + }, + { + "bbox": [ + 82, + 18, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23767.mp4", + "variation_id": 1, + "video_id": "49702" + }, + { + "bbox": [ + 241, + 38, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/score.mp4", + "variation_id": 0, + "video_id": "49706" + }, + { + "bbox": [ + 330, + 24, + 772, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20One-Point-wHshoRFERnQ.mp4", + "variation_id": 0, + "video_id": "49692" + } + ] + }, + { + "gloss": "sentence", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2297, + "frame_start": 2251, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50407" + }, + { + "bbox": [ + 52, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sentence.mp4", + "variation_id": 0, + "video_id": "50413" + }, + { + "bbox": [ + 32, + 16, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8611.mp4", + "variation_id": 0, + "video_id": "50414" + }, + { + "bbox": [ + 36, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8612.mp4", + "variation_id": 0, + "video_id": "50415" + }, + { + "bbox": [ + 291, + 3, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Gm513X-UNwo", + "variation_id": 1, + "video_id": "50416" + }, + { + "bbox": [ + 324, + 45, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=RloQZ_TrhiA", + "variation_id": 1, + "video_id": "50418" + }, + { + "bbox": [ + 0, + 20, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sentence.swf", + "variation_id": 0, + "video_id": "50419" + }, + { + "bbox": [ + 211, + 35, + 512, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sentence.mp4", + "variation_id": 1, + "video_id": "50420" + }, + { + "bbox": [ + 215, + 16, + 587, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sentence.mp4", + "variation_id": 0, + "video_id": "50408" + }, + { + "bbox": [ + 122, + 43, + 1680, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sentence%20copy-hibsVZEt1H0.mp4", + "variation_id": 1, + "video_id": "50409" + }, + { + "bbox": [ + 303, + 72, + 1674, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sentence-neWsRHnuKc4.mp4", + "variation_id": 1, + "video_id": "50410" + }, + { + "bbox": [ + 60, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765232.9077.mp4", + "variation_id": 1, + "video_id": "50411" + }, + { + "bbox": [ + 96, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sentence2.mp4", + "variation_id": 1, + "video_id": "50412" + } + ] + }, + { + "gloss": "shape", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3053, + "frame_start": 2991, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50834" + }, + { + "bbox": [ + 581, + 66, + 1393, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/shape.mp4", + "variation_id": 0, + "video_id": "69465" + }, + { + "bbox": [ + 338, + 11, + 943, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=yi3vGvAS9Kk", + "variation_id": 0, + "video_id": "69058" + }, + { + "bbox": [ + 334, + 50, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UIHdpERJVXw", + "variation_id": 0, + "video_id": "50842" + }, + { + "bbox": [ + 333, + 39, + 1046, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yOaMKIedOy4", + "variation_id": 0, + "video_id": "50843" + }, + { + "bbox": [ + 0, + 15, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shape.swf", + "variation_id": 0, + "video_id": "50844" + }, + { + "bbox": [ + 243, + 36, + 511, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shape.mp4", + "variation_id": 0, + "video_id": "50845" + }, + { + "bbox": [ + 60, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/62885.mp4", + "variation_id": 0, + "video_id": "50835" + }, + { + "bbox": [ + 657, + 76, + 1626, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shape-_9LTBEMaeAg.mp4", + "variation_id": 0, + "video_id": "50836" + }, + { + "bbox": [ + 125, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468765730.2524.mp4", + "variation_id": 0, + "video_id": "50837" + }, + { + "bbox": [ + 92, + 19, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546575025.9272.mp4", + "variation_id": 0, + "video_id": "50838" + }, + { + "bbox": [ + 69, + 16, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/shape.mp4", + "variation_id": 0, + "video_id": "50840" + }, + { + "bbox": [ + 63, + 5, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6058.mp4", + "variation_id": 0, + "video_id": "50841" + } + ] + }, + { + "gloss": "sit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4581, + "frame_start": 4545, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51901" + }, + { + "bbox": [ + 327, + 3, + 919, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Istz0vV8vcY", + "variation_id": 0, + "video_id": "68570" + }, + { + "bbox": [ + 315, + 40, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uFdEgFN1Bpw", + "variation_id": 0, + "video_id": "51924" + }, + { + "bbox": [ + 315, + 40, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uFdEgFN1Bpw", + "variation_id": 0, + "video_id": "51925" + }, + { + "bbox": [ + 411, + 54, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sit.mp4", + "variation_id": 0, + "video_id": "51916" + }, + { + "bbox": [ + 84, + 19, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rhObKAoNkuc", + "variation_id": 0, + "video_id": "67207" + }, + { + "bbox": [ + 11, + 1, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sit.swf", + "variation_id": 0, + "video_id": "51926" + }, + { + "bbox": [ + 216, + 51, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/seat.mp4", + "variation_id": 0, + "video_id": "51927" + }, + { + "bbox": [ + 670, + 139, + 1495, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sat%20Down-boI0CxQNQrc.mp4", + "variation_id": 0, + "video_id": "51917" + }, + { + "bbox": [ + 347, + 21, + 804, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20sit-qpORQ6e0WVY.mp4", + "variation_id": 0, + "video_id": "51918" + }, + { + "bbox": [ + 109, + 0, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767408.4955.mp4", + "variation_id": 0, + "video_id": "51919" + }, + { + "bbox": [ + 54, + 0, + 317, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/sit.mp4", + "variation_id": 0, + "video_id": "51920" + }, + { + "bbox": [ + 79, + 15, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7822.mp4", + "variation_id": 0, + "video_id": "51921" + } + ] + }, + { + "gloss": "slow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5438, + "frame_start": 5349, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52502" + }, + { + "bbox": [ + 291, + 3, + 863, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=wMhfB7vecro", + "variation_id": 0, + "video_id": "52513" + }, + { + "bbox": [ + 38, + 0, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/slow.swf", + "variation_id": 0, + "video_id": "52514" + }, + { + "bbox": [ + 248, + 39, + 503, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/slow.mp4", + "variation_id": 0, + "video_id": "52515" + }, + { + "bbox": [ + 188, + 43, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SL/SLOW-261.mp4", + "variation_id": 0, + "video_id": "66508" + }, + { + "bbox": [ + 65, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486598.mp4", + "variation_id": 0, + "video_id": "52506" + }, + { + "bbox": [ + 104, + 14, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gluqqnoSqx8", + "variation_id": 0, + "video_id": "67213" + }, + { + "bbox": [ + 246, + 12, + 540, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/slow.mp4", + "variation_id": 0, + "video_id": "52507" + }, + { + "bbox": [ + 771, + 79, + 1595, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Slow-fUy_ttG5QxY.mp4", + "variation_id": 0, + "video_id": "52508" + }, + { + "bbox": [ + 145, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468767957.1850.mp4", + "variation_id": 0, + "video_id": "52509" + }, + { + "bbox": [ + 141, + 26, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767290.120.mp4", + "variation_id": 0, + "video_id": "52510" + }, + { + "bbox": [ + 74, + 11, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/slow.mp4", + "variation_id": 0, + "video_id": "52511" + }, + { + "bbox": [ + 89, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14352.mp4", + "variation_id": 0, + "video_id": "52512" + } + ] + }, + { + "gloss": "snake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5782, + "frame_start": 5736, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52707" + }, + { + "bbox": [ + 342, + 54, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=_OgLfGX2hSU", + "variation_id": 0, + "video_id": "52718" + }, + { + "bbox": [ + 32, + 7, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/snake.swf", + "variation_id": 0, + "video_id": "52719" + }, + { + "bbox": [ + 201, + 53, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/snake.mp4", + "variation_id": 0, + "video_id": "52720" + }, + { + "bbox": [ + 185, + 45, + 464, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SN/SNAKE-1081.mp4", + "variation_id": 0, + "video_id": "66515" + }, + { + "bbox": [ + 53, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50813.mp4", + "variation_id": 0, + "video_id": "52711" + }, + { + "bbox": [ + 132, + 18, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/QoacuIKxvD4", + "variation_id": 0, + "video_id": "67217" + }, + { + "bbox": [ + 434, + 52, + 819, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/snake.mp4", + "variation_id": 0, + "video_id": "52712" + }, + { + "bbox": [ + 670, + 145, + 1479, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Snake-PCOdwOfqdvY.mp4", + "variation_id": 0, + "video_id": "52713" + }, + { + "bbox": [ + 150, + 4, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468775663.2170.mp4", + "variation_id": 0, + "video_id": "52714" + }, + { + "bbox": [ + 30, + 0, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/snake.mp4", + "variation_id": 0, + "video_id": "52715" + }, + { + "bbox": [ + 72, + 9, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14637.mp4", + "variation_id": 0, + "video_id": "52716" + }, + { + "bbox": [ + 325, + 39, + 907, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=joAF2ZzYG7Y", + "variation_id": 0, + "video_id": "52717" + } + ] + }, + { + "gloss": "soap", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5999, + "frame_start": 5947, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52913" + }, + { + "bbox": [ + 363, + 35, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Mx3VIN--nrk", + "variation_id": 0, + "video_id": "52924" + }, + { + "bbox": [ + 17, + 14, + 195, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/soap.swf", + "variation_id": 0, + "video_id": "52925" + }, + { + "bbox": [ + 211, + 54, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soap.mp4", + "variation_id": 0, + "video_id": "52926" + }, + { + "bbox": [ + 193, + 42, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOAP-1086.mp4", + "variation_id": 0, + "video_id": "66522" + }, + { + "bbox": [ + 53, + 0, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50815.mp4", + "variation_id": 0, + "video_id": "52917" + }, + { + "bbox": [ + 112, + 0, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4Z5rN40UdPg", + "variation_id": 0, + "video_id": "67223" + }, + { + "bbox": [ + 421, + 55, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/soap.mp4", + "variation_id": 0, + "video_id": "52918" + }, + { + "bbox": [ + 770, + 59, + 1598, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Soap-pxwy2CQnsUI.mp4", + "variation_id": 0, + "video_id": "52919" + }, + { + "bbox": [ + 128, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468775865.2499.mp4", + "variation_id": 0, + "video_id": "52920" + }, + { + "bbox": [ + 79, + 12, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7002.mp4", + "variation_id": 0, + "video_id": "52921" + }, + { + "bbox": [ + 341, + 85, + 854, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=g5H65XRg3YI", + "variation_id": 0, + "video_id": "52922" + }, + { + "bbox": [ + 371, + 35, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=GQ3SAb7DnMw", + "variation_id": 0, + "video_id": "52923" + } + ] + }, + { + "gloss": "soda", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6142, + "frame_start": 6100, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53023" + }, + { + "bbox": [ + 278, + 33, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/soda.mp4", + "variation_id": 0, + "video_id": "69482" + }, + { + "bbox": [ + 121, + 16, + 515, + 360 + ], + "fps": 25, + "frame_end": 62, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=EGRbUbrCMW8", + "variation_id": 0, + "video_id": "68432" + }, + { + "bbox": [ + 133, + 25, + 477, + 480 + ], + "fps": 25, + "frame_end": 3499, + "frame_start": 3373, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70071" + }, + { + "bbox": [ + 110, + 0, + 1161, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=mCO1v_PNKpc", + "variation_id": 0, + "video_id": "68158" + }, + { + "bbox": [ + 122, + 12, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/eNbvA_RIUCo", + "variation_id": 0, + "video_id": "67224" + }, + { + "bbox": [ + 78, + 9, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116943.mp4", + "variation_id": 0, + "video_id": "53024" + }, + { + "bbox": [ + 799, + 64, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Soda-vSOMm-bPMm4.mp4", + "variation_id": 0, + "video_id": "53025" + }, + { + "bbox": [ + 139, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776095.8296.mp4", + "variation_id": 0, + "video_id": "53026" + }, + { + "bbox": [ + 59, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/soda.mp4", + "variation_id": 0, + "video_id": "53027" + }, + { + "bbox": [ + 73, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6408.mp4", + "variation_id": 0, + "video_id": "53028" + }, + { + "bbox": [ + 32, + 8, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/soda.swf", + "variation_id": 0, + "video_id": "53029" + }, + { + "bbox": [ + 243, + 37, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/soda.mp4", + "variation_id": 0, + "video_id": "53030" + } + ] + }, + { + "gloss": "speech", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7400, + "frame_start": 7301, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53693" + }, + { + "bbox": [ + 407, + 0, + 1670, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech-XHzconXXUCQ.mp4", + "variation_id": 1, + "video_id": "53700" + }, + { + "bbox": [ + 721, + 57, + 1631, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Oral%202-8GbSo_YNVS0.mp4", + "variation_id": 0, + "video_id": "53701" + }, + { + "bbox": [ + 124, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/speech-oral.mp4", + "variation_id": 0, + "video_id": "53705" + }, + { + "bbox": [ + 68, + 4, + 224, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/speech.mov", + "variation_id": 1, + "video_id": "53696" + }, + { + "bbox": [ + 52, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22166.mp4", + "variation_id": 1, + "video_id": "53706" + }, + { + "bbox": [ + 79, + 16, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9165.mp4", + "variation_id": 0, + "video_id": "53707" + }, + { + "bbox": [ + 4, + 16, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/speech.swf", + "variation_id": 1, + "video_id": "53708" + }, + { + "bbox": [ + 184, + 47, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/speech2.mp4", + "variation_id": 1, + "video_id": "53709" + }, + { + "bbox": [ + 198, + 51, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/speech.mp4", + "variation_id": 0, + "video_id": "53710" + }, + { + "bbox": [ + 26, + 2, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244805.mp4", + "variation_id": 1, + "video_id": "53697" + }, + { + "bbox": [ + 325, + 11, + 1690, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech%202-6aqjl8M7oeI.mp4", + "variation_id": 1, + "video_id": "53698" + }, + { + "bbox": [ + 602, + 50, + 1659, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech%203-wxk9-1vsb_A.mp4", + "variation_id": 1, + "video_id": "53699" + } + ] + }, + { + "gloss": "star", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8164, + "frame_start": 8102, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54413" + }, + { + "bbox": [ + 72, + 6, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7831.mp4", + "variation_id": 0, + "video_id": "54444" + }, + { + "bbox": [ + 175, + 3, + 1023, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=o_oZ2KuuH48", + "variation_id": 0, + "video_id": "54445" + }, + { + "bbox": [ + 10, + 2, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/star.swf", + "variation_id": 0, + "video_id": "54446" + }, + { + "bbox": [ + 70, + 3, + 262, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/star.mov", + "variation_id": 0, + "video_id": "54437" + }, + { + "bbox": [ + 89, + 0, + 415, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/mCQymnllI6g", + "variation_id": 0, + "video_id": "67241" + }, + { + "bbox": [ + 204, + 44, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/star.mp4", + "variation_id": 0, + "video_id": "54447" + }, + { + "bbox": [ + 34, + 4, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58550.mp4", + "variation_id": 0, + "video_id": "54438" + }, + { + "bbox": [ + 616, + 81, + 1424, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Star-anXlJ1f7mhY.mp4", + "variation_id": 0, + "video_id": "54439" + }, + { + "bbox": [ + 68, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468866277.850.mp4", + "variation_id": 0, + "video_id": "54440" + }, + { + "bbox": [ + 104, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/star.mp4", + "variation_id": 0, + "video_id": "54441" + }, + { + "bbox": [ + 65, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/stars.mp4", + "variation_id": 0, + "video_id": "54442" + }, + { + "bbox": [ + 67, + 0, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/18/18075.mp4", + "variation_id": 0, + "video_id": "54443" + } + ] + }, + { + "gloss": "stink", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8772, + "frame_start": 8680, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54819" + }, + { + "bbox": [ + 99, + 39, + 390, + 360 + ], + "fps": 25, + "frame_end": 5810, + "frame_start": 5712, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70300" + }, + { + "bbox": [ + 0, + 7, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stink.swf", + "variation_id": 0, + "video_id": "54827" + }, + { + "bbox": [ + 233, + 36, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stink.mp4", + "variation_id": 0, + "video_id": "54828" + }, + { + "bbox": [ + 190, + 26, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STINK-1126.mp4", + "variation_id": 0, + "video_id": "66557" + }, + { + "bbox": [ + 168, + 24, + 434, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STINK-2196.mp4", + "variation_id": 0, + "video_id": "66558" + }, + { + "bbox": [ + 66, + 3, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/117038.mp4", + "variation_id": 0, + "video_id": "54820" + }, + { + "bbox": [ + 678, + 82, + 1610, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stink%202-CCmmRRvh7iU.mp4", + "variation_id": 0, + "video_id": "54821" + }, + { + "bbox": [ + 756, + 73, + 1612, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stink-H2GHOjY55sM.mp4", + "variation_id": 0, + "video_id": "54822" + }, + { + "bbox": [ + 124, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468721045.7528.mp4", + "variation_id": 0, + "video_id": "54823" + }, + { + "bbox": [ + 84, + 14, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stink.mp4", + "variation_id": 0, + "video_id": "54824" + }, + { + "bbox": [ + 68, + 10, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14157.mp4", + "variation_id": 0, + "video_id": "54825" + }, + { + "bbox": [ + 363, + 40, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=O3L5UOdpvIY", + "variation_id": 0, + "video_id": "54826" + } + ] + }, + { + "gloss": "struggle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9715, + "frame_start": 9639, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55298" + }, + { + "bbox": [ + 155, + 21, + 501, + 480 + ], + "fps": 25, + "frame_end": 3464, + "frame_start": 3340, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70096" + }, + { + "bbox": [ + 217, + 23, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Dv1MRkt6Vrw", + "variation_id": 0, + "video_id": "55306" + }, + { + "bbox": [ + 11, + 14, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/struggle.swf", + "variation_id": 0, + "video_id": "55307" + }, + { + "bbox": [ + 196, + 23, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRUGGLE-1135.mp4", + "variation_id": 0, + "video_id": "66573" + }, + { + "bbox": [ + 194, + 54, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/struggle.mp4", + "variation_id": 0, + "video_id": "55308" + }, + { + "bbox": [ + 63, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50828.mp4", + "variation_id": 0, + "video_id": "55299" + }, + { + "bbox": [ + 441, + 47, + 1568, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Struggle-uqVAh0iTZYc.mp4", + "variation_id": 0, + "video_id": "55300" + }, + { + "bbox": [ + 461, + 51, + 1494, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Struggle-VcdO9Lbpgkc.mp4", + "variation_id": 0, + "video_id": "55301" + }, + { + "bbox": [ + 98, + 4, + 663, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1546377054.7932.mp4", + "variation_id": 0, + "video_id": "55302" + }, + { + "bbox": [ + 85, + 0, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/struggle.mp4", + "variation_id": 0, + "video_id": "55303" + }, + { + "bbox": [ + 83, + 20, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22239.mp4", + "variation_id": 0, + "video_id": "55304" + }, + { + "bbox": [ + 352, + 57, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Amo4PeZ0HRM", + "variation_id": 0, + "video_id": "55305" + } + ] + }, + { + "gloss": "stubborn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9758, + "frame_start": 9716, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55312" + }, + { + "bbox": [ + 99, + 21, + 479, + 480 + ], + "fps": 25, + "frame_end": 423, + "frame_start": 306, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70362" + }, + { + "bbox": [ + 10, + 7, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stubborn.swf", + "variation_id": 0, + "video_id": "55320" + }, + { + "bbox": [ + 167, + 48, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stubborn.mp4", + "variation_id": 0, + "video_id": "55321" + }, + { + "bbox": [ + 170, + 29, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STUBBORN-1136.mp4", + "variation_id": 0, + "video_id": "66574" + }, + { + "bbox": [ + 69, + 10, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BqQalNUfFDs", + "variation_id": 0, + "video_id": "67255" + }, + { + "bbox": [ + 47, + 14, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63588.mp4", + "variation_id": 0, + "video_id": "55313" + }, + { + "bbox": [ + 378, + 56, + 799, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/stubborn.mp4", + "variation_id": 0, + "video_id": "55314" + }, + { + "bbox": [ + 351, + 56, + 1492, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stubborn-OtRuK-xB_qc.mp4", + "variation_id": 0, + "video_id": "55315" + }, + { + "bbox": [ + 75, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468897331.1057.mp4", + "variation_id": 0, + "video_id": "55316" + }, + { + "bbox": [ + 29, + 10, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stubborn.mp4", + "variation_id": 0, + "video_id": "55317" + }, + { + "bbox": [ + 31, + 12, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/2/2920.mp4", + "variation_id": 0, + "video_id": "55318" + }, + { + "bbox": [ + 248, + 39, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=njZs6MfX1LY", + "variation_id": 0, + "video_id": "55319" + } + ] + }, + { + "gloss": "sunset", + "instances": [ + { + "bbox": [ + 125, + 25, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SU/SUNSET-1143.mp4", + "variation_id": 0, + "video_id": "66581" + }, + { + "bbox": [ + 286, + 43, + 1005, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AJQcfZZf04M", + "variation_id": 0, + "video_id": "55861" + }, + { + "bbox": [ + 288, + 41, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HmM5EuK-z_I", + "variation_id": 0, + "video_id": "55862" + }, + { + "bbox": [ + 0, + 2, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sunset.swf", + "variation_id": 0, + "video_id": "55863" + }, + { + "bbox": [ + 58, + 12, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/117094.mp4", + "variation_id": 0, + "video_id": "55854" + }, + { + "bbox": [ + 76, + 0, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9OoMYYM22PQ", + "variation_id": 0, + "video_id": "67262" + }, + { + "bbox": [ + 224, + 32, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sunset.mp4", + "variation_id": 0, + "video_id": "55864" + }, + { + "bbox": [ + 234, + 42, + 1619, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sunset%202-xQ6bkeKO04E.mp4", + "variation_id": 0, + "video_id": "55855" + }, + { + "bbox": [ + 128, + 30, + 1639, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sunset-UghDATZjW6Q.mp4", + "variation_id": 0, + "video_id": "55856" + }, + { + "bbox": [ + 142, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468898098.7171.mp4", + "variation_id": 0, + "video_id": "55857" + }, + { + "bbox": [ + 26, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sunset.mp4", + "variation_id": 0, + "video_id": "55858" + }, + { + "bbox": [ + 61, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14858.mp4", + "variation_id": 0, + "video_id": "55859" + }, + { + "bbox": [ + 61, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14859.mp4", + "variation_id": 0, + "video_id": "55860" + } + ] + }, + { + "gloss": "surgery", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10835, + "frame_start": 10783, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56080" + }, + { + "bbox": [ + 18, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/surgery2.mp4", + "variation_id": 0, + "video_id": "56087" + }, + { + "bbox": [ + 54, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/surgery.mp4", + "variation_id": 0, + "video_id": "56088" + }, + { + "bbox": [ + 68, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2211.mp4", + "variation_id": 0, + "video_id": "56089" + }, + { + "bbox": [ + 322, + 24, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QpHWClcLy_U", + "variation_id": 0, + "video_id": "56090" + }, + { + "bbox": [ + 308, + 30, + 898, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zhrV2p-a90o", + "variation_id": 0, + "video_id": "56091" + }, + { + "bbox": [ + 0, + 7, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/surgery.swf", + "variation_id": 0, + "video_id": "56092" + }, + { + "bbox": [ + 0, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185297.mp4", + "variation_id": 0, + "video_id": "56081" + }, + { + "bbox": [ + 8, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58380.mp4", + "variation_id": 0, + "video_id": "56082" + }, + { + "bbox": [ + 428, + 51, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/surgery.mp4", + "variation_id": 0, + "video_id": "56083" + }, + { + "bbox": [ + 707, + 93, + 1522, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dissect-b1jtXtTs-yw.mp4", + "variation_id": 0, + "video_id": "56084" + }, + { + "bbox": [ + 670, + 84, + 1495, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Surgery-6XSzOtUk-kE.mp4", + "variation_id": 0, + "video_id": "56085" + }, + { + "bbox": [ + 129, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468722188.2630.mp4", + "variation_id": 0, + "video_id": "56086" + } + ] + }, + { + "gloss": "there", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1982, + "frame_start": 1943, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57815" + }, + { + "bbox": [ + 112, + 27, + 273, + 240 + ], + "fps": 25, + "frame_end": 4306, + "frame_start": 4205, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70223" + }, + { + "bbox": [ + 85, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/there-r.mp4", + "variation_id": 0, + "video_id": "57831" + }, + { + "bbox": [ + 70, + 9, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14218.mp4", + "variation_id": 0, + "video_id": "57832" + }, + { + "bbox": [ + 104, + 10, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=g6U76fogYlk", + "variation_id": 0, + "video_id": "57833" + }, + { + "bbox": [ + 339, + 41, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=g6U76fogYlk", + "variation_id": 0, + "video_id": "57834" + }, + { + "bbox": [ + 53, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50889.mp4", + "variation_id": 0, + "video_id": "57825" + }, + { + "bbox": [ + 90, + 17, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/IijxlU5y7Fc", + "variation_id": 0, + "video_id": "67293" + }, + { + "bbox": [ + 500, + 1, + 1364, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20It-Vqmrx1KhEz4.mp4", + "variation_id": 0, + "video_id": "57826" + }, + { + "bbox": [ + 622, + 53, + 1697, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20There-a_l3mreDTqY.mp4", + "variation_id": 0, + "video_id": "57827" + }, + { + "bbox": [ + 339, + 1, + 1388, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20There-ln2V697w1kM.mp4", + "variation_id": 0, + "video_id": "57828" + }, + { + "bbox": [ + 145, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468944527.3284.mp4", + "variation_id": 0, + "video_id": "57829" + }, + { + "bbox": [ + 165, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/there-l.mp4", + "variation_id": 0, + "video_id": "57830" + } + ] + }, + { + "gloss": "tiger", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2827, + "frame_start": 2765, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58443" + }, + { + "bbox": [ + 331, + 34, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/tiger.mp4", + "variation_id": 0, + "video_id": "69510" + }, + { + "bbox": [ + 146, + 20, + 528, + 480 + ], + "fps": 25, + "frame_end": 1218, + "frame_start": 1113, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70108" + }, + { + "bbox": [ + 175, + 49, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tiger.mp4", + "variation_id": 0, + "video_id": "58452" + }, + { + "bbox": [ + 162, + 31, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TI/TIGER-1232.mp4", + "variation_id": 0, + "video_id": "66643" + }, + { + "bbox": [ + 97, + 18, + 409, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Bpsb4jSc7rg", + "variation_id": 0, + "video_id": "67308" + }, + { + "bbox": [ + 36, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357971.mp4", + "variation_id": 0, + "video_id": "58444" + }, + { + "bbox": [ + 233, + 13, + 560, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tiger.mp4", + "variation_id": 0, + "video_id": "58445" + }, + { + "bbox": [ + 630, + 79, + 1584, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tiger%202-YKuZX56NxRM.mp4", + "variation_id": 0, + "video_id": "58446" + }, + { + "bbox": [ + 446, + 90, + 1033, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Tiger.mp4", + "variation_id": 0, + "video_id": "58447" + }, + { + "bbox": [ + 87, + 0, + 601, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945335.4733.mp4", + "variation_id": 0, + "video_id": "58448" + }, + { + "bbox": [ + 101, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/tiger.mp4", + "variation_id": 0, + "video_id": "58449" + }, + { + "bbox": [ + 58, + 16, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22142.mp4", + "variation_id": 0, + "video_id": "58450" + } + ] + }, + { + "gloss": "toast", + "instances": [ + { + "bbox": [ + 170, + 32, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOAST-1247.mp4", + "variation_id": 0, + "video_id": "66652" + }, + { + "bbox": [ + 141, + 37, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1499872789.9072.mp4", + "variation_id": 0, + "video_id": "58654" + }, + { + "bbox": [ + 138, + 37, + 633, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499872819.6788.mp4", + "variation_id": 1, + "video_id": "58655" + }, + { + "bbox": [ + 76, + 17, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24055.mp4", + "variation_id": 0, + "video_id": "58657" + }, + { + "bbox": [ + 53, + 15, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/24/24292.mp4", + "variation_id": 1, + "video_id": "58658" + }, + { + "bbox": [ + 24, + 31, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91657.mp4", + "variation_id": 1, + "video_id": "58649" + }, + { + "bbox": [ + 73, + 18, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/QtOcTf4foDE", + "variation_id": 0, + "video_id": "67311" + }, + { + "bbox": [ + 18, + 5, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/toast_celebration.swf", + "variation_id": 1, + "video_id": "58659" + }, + { + "bbox": [ + 0, + 8, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/toast.swf", + "variation_id": 0, + "video_id": "58660" + }, + { + "bbox": [ + 168, + 53, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/toast.mp4", + "variation_id": 0, + "video_id": "58661" + }, + { + "bbox": [ + 354, + 51, + 1784, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Toast%202h-d9KtLo_JPLU.mp4", + "variation_id": 1, + "video_id": "58651" + }, + { + "bbox": [ + 755, + 62, + 1623, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Toast%2C%20Toaster-1iUXoMw-q2U.mp4", + "variation_id": 0, + "video_id": "58652" + }, + { + "bbox": [ + 364, + 14, + 813, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Toast-ZY3aGGkpXnk.mp4", + "variation_id": 0, + "video_id": "58653" + } + ] + }, + { + "gloss": "toilet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3451, + "frame_start": 3412, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58731" + }, + { + "bbox": [ + 295, + 90, + 866, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=C6C0n0yL0lE", + "variation_id": 0, + "video_id": "58738" + }, + { + "bbox": [ + 294, + 87, + 846, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=M3sXN-k8axs", + "variation_id": 0, + "video_id": "58739" + }, + { + "bbox": [ + 259, + 28, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y5IEyhkM67Y", + "variation_id": 0, + "video_id": "58740" + }, + { + "bbox": [ + 91, + 8, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LNt9e8b4Uwg", + "variation_id": 0, + "video_id": "67313" + }, + { + "bbox": [ + 9, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/toilet.swf", + "variation_id": 0, + "video_id": "58741" + }, + { + "bbox": [ + 157, + 51, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bathroom.mp4", + "variation_id": 0, + "video_id": "58742" + }, + { + "bbox": [ + 438, + 59, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/toilet.mp4", + "variation_id": 0, + "video_id": "58732" + }, + { + "bbox": [ + 373, + 20, + 800, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bathroom-u7XrB6j-o3E.mp4", + "variation_id": 0, + "video_id": "58733" + }, + { + "bbox": [ + 126, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468945815.7148.mp4", + "variation_id": 0, + "video_id": "58734" + }, + { + "bbox": [ + 40, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/toilet.mp4", + "variation_id": 0, + "video_id": "58735" + }, + { + "bbox": [ + 85, + 17, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23911.mp4", + "variation_id": 0, + "video_id": "58736" + }, + { + "bbox": [ + 300, + 31, + 921, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=AB9URT5zPe8", + "variation_id": 0, + "video_id": "58737" + } + ] + }, + { + "gloss": "tomorrow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3741, + "frame_start": 3705, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58804" + }, + { + "bbox": [ + 194, + 51, + 420, + 360 + ], + "fps": 25, + "frame_end": 5018, + "frame_start": 4918, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70349" + }, + { + "bbox": [ + 311, + 28, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sVswNAWWgR8", + "variation_id": 0, + "video_id": "58812" + }, + { + "bbox": [ + 9, + 4, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tomorrow.swf", + "variation_id": 0, + "video_id": "58813" + }, + { + "bbox": [ + 135, + 34, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOMORROW-301.mp4", + "variation_id": 0, + "video_id": "66655" + }, + { + "bbox": [ + 169, + 52, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tomorrow.mp4", + "variation_id": 0, + "video_id": "58814" + }, + { + "bbox": [ + 55, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50911.mp4", + "variation_id": 0, + "video_id": "58805" + }, + { + "bbox": [ + 394, + 48, + 799, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tomorrow.mp4", + "variation_id": 0, + "video_id": "58806" + }, + { + "bbox": [ + 450, + 11, + 1259, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tomorrow-RHKBEZHE1yY.mp4", + "variation_id": 0, + "video_id": "58807" + }, + { + "bbox": [ + 107, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468945920.1211.mp4", + "variation_id": 0, + "video_id": "58808" + }, + { + "bbox": [ + 139, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tomorrow.mp4", + "variation_id": 0, + "video_id": "58809" + }, + { + "bbox": [ + 79, + 12, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7683.mp4", + "variation_id": 0, + "video_id": "58810" + }, + { + "bbox": [ + 310, + 5, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=6gFOZMDptIk", + "variation_id": 0, + "video_id": "58811" + } + ] + }, + { + "gloss": "town", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4611, + "frame_start": 4562, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59143" + }, + { + "bbox": [ + 129, + 32, + 463, + 480 + ], + "fps": 25, + "frame_end": 3793, + "frame_start": 3670, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70191" + }, + { + "bbox": [ + 3, + 13, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/town.swf", + "variation_id": 1, + "video_id": "59154" + }, + { + "bbox": [ + 200, + 56, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/city.mp4", + "variation_id": 0, + "video_id": "59155" + }, + { + "bbox": [ + 158, + 35, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOWN-1294.mp4", + "variation_id": 1, + "video_id": "66661" + }, + { + "bbox": [ + 82, + 11, + 250, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/city.mov", + "variation_id": 0, + "video_id": "59146" + }, + { + "bbox": [ + 42, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50915.mp4", + "variation_id": 1, + "video_id": "59147" + }, + { + "bbox": [ + 647, + 91, + 1545, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Town%20(Continuous%20Houses)-TIMp5tTh258.mp4", + "variation_id": 0, + "video_id": "59148" + }, + { + "bbox": [ + 656, + 87, + 1559, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Town%20(Multiple%20Houses)-FGRo_ytJ49g.mp4", + "variation_id": 1, + "video_id": "59149" + }, + { + "bbox": [ + 641, + 71, + 1784, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Town-tH3t7LWmTfc.mp4", + "variation_id": 0, + "video_id": "59150" + }, + { + "bbox": [ + 165, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946299.1647.mp4", + "variation_id": 1, + "video_id": "59151" + }, + { + "bbox": [ + 43, + 9, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/town.mp4", + "variation_id": 1, + "video_id": "59152" + }, + { + "bbox": [ + 73, + 3, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6001.mp4", + "variation_id": 1, + "video_id": "59153" + } + ] + }, + { + "gloss": "transfer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4928, + "frame_start": 4896, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59366" + }, + { + "bbox": [ + 15, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/transfer.mp4", + "variation_id": 0, + "video_id": "59372" + }, + { + "bbox": [ + 69, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8895.mp4", + "variation_id": 0, + "video_id": "59373" + }, + { + "bbox": [ + 284, + 36, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PQGeAlu18hg", + "variation_id": 0, + "video_id": "59374" + }, + { + "bbox": [ + 61, + 2, + 487, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=t6L-USKq6Sw", + "variation_id": 0, + "video_id": "59375" + }, + { + "bbox": [ + 114, + 34, + 453, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRANSFER-1300.mp4", + "variation_id": 0, + "video_id": "66667" + }, + { + "bbox": [ + 319, + 55, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VrRh20fnCgs", + "variation_id": 0, + "video_id": "59376" + }, + { + "bbox": [ + 132, + 51, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/transfer.mp4", + "variation_id": 0, + "video_id": "59378" + }, + { + "bbox": [ + 40, + 11, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/483785.mp4", + "variation_id": 0, + "video_id": "59367" + }, + { + "bbox": [ + 397, + 62, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/transfer.mp4", + "variation_id": 0, + "video_id": "59368" + }, + { + "bbox": [ + 455, + 83, + 1566, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Transfer-oh7wiUOjlmg.mp4", + "variation_id": 0, + "video_id": "59369" + }, + { + "bbox": [ + 300, + 53, + 1044, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Transfer.mp4", + "variation_id": 0, + "video_id": "59370" + }, + { + "bbox": [ + 80, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468946713.3184.mp4", + "variation_id": 0, + "video_id": "59371" + } + ] + }, + { + "gloss": "tree", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5145, + "frame_start": 5089, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59540" + }, + { + "bbox": [ + 311, + 89, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=nSDK5reGkxc", + "variation_id": 0, + "video_id": "59553" + }, + { + "bbox": [ + 22, + 6, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tree.swf", + "variation_id": 0, + "video_id": "59554" + }, + { + "bbox": [ + 173, + 50, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tree.mp4", + "variation_id": 0, + "video_id": "59555" + }, + { + "bbox": [ + 175, + 29, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TREE-342.mp4", + "variation_id": 0, + "video_id": "66673" + }, + { + "bbox": [ + 49, + 8, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/73391.mp4", + "variation_id": 0, + "video_id": "59546" + }, + { + "bbox": [ + 114, + 8, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/vD4FcFa54lg", + "variation_id": 0, + "video_id": "67322" + }, + { + "bbox": [ + 216, + 11, + 543, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tree.mp4", + "variation_id": 0, + "video_id": "59547" + }, + { + "bbox": [ + 95, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947009.9611.mp4", + "variation_id": 0, + "video_id": "59548" + }, + { + "bbox": [ + 74, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/tree2.mp4", + "variation_id": 0, + "video_id": "59549" + }, + { + "bbox": [ + 117, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tree.mp4", + "variation_id": 0, + "video_id": "59550" + }, + { + "bbox": [ + 70, + 14, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7252.mp4", + "variation_id": 0, + "video_id": "59551" + }, + { + "bbox": [ + 267, + 17, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=DMdPpkiUJso", + "variation_id": 0, + "video_id": "59552" + } + ] + }, + { + "gloss": "truck", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5285, + "frame_start": 5246, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59760" + }, + { + "bbox": [ + 165, + 15, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=LiSC8Vt5tmI", + "variation_id": 1, + "video_id": "59770" + }, + { + "bbox": [ + 351, + 0, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=stWHtqJAzng", + "variation_id": 0, + "video_id": "59771" + }, + { + "bbox": [ + 349, + 0, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VsvIHVZsUaw", + "variation_id": 1, + "video_id": "59772" + }, + { + "bbox": [ + 25, + 2, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/truck_vehicle.swf", + "variation_id": 1, + "video_id": "59773" + }, + { + "bbox": [ + 159, + 33, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRUCK-1316.mp4", + "variation_id": 0, + "video_id": "66677" + }, + { + "bbox": [ + 167, + 33, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRUCK-1320.mp4", + "variation_id": 0, + "video_id": "66678" + }, + { + "bbox": [ + 609, + 63, + 1618, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Truck-PrCsD-jzZX4.mp4", + "variation_id": 0, + "video_id": "59764" + }, + { + "bbox": [ + 192, + 52, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/truck.mp4", + "variation_id": 0, + "video_id": "59774" + }, + { + "bbox": [ + 98, + 26, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499777983.291.mp4", + "variation_id": 1, + "video_id": "59765" + }, + { + "bbox": [ + 127, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/truck-fs.mp4", + "variation_id": 1, + "video_id": "59766" + }, + { + "bbox": [ + 121, + 9, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/truck.mp4", + "variation_id": 0, + "video_id": "59767" + }, + { + "bbox": [ + 87, + 22, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23474.mp4", + "variation_id": 1, + "video_id": "59768" + } + ] + }, + { + "gloss": "uncle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 203, + "frame_start": 137, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60450" + }, + { + "bbox": [ + 151, + 50, + 418, + 360 + ], + "fps": 25, + "frame_end": 1116, + "frame_start": 1011, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70331" + }, + { + "bbox": [ + 268, + 22, + 877, + 720 + ], + "fps": 25, + "frame_end": 42, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=GSI7E1Ol0Yg", + "variation_id": 0, + "video_id": "68498" + }, + { + "bbox": [ + 148, + 53, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/uncle.mp4", + "variation_id": 0, + "video_id": "60465" + }, + { + "bbox": [ + 189, + 9, + 529, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/uncle.mp4", + "variation_id": 0, + "video_id": "60457" + }, + { + "bbox": [ + 67, + 21, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qekgHNHb6mI", + "variation_id": 0, + "video_id": "67335" + }, + { + "bbox": [ + 268, + 9, + 794, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Uncle-1XGAkJAe4pw.mp4", + "variation_id": 0, + "video_id": "60458" + }, + { + "bbox": [ + 559, + 130, + 1418, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Uruguay%2C%20Uncle-YYjfewd3z_8.mp4", + "variation_id": 0, + "video_id": "60459" + }, + { + "bbox": [ + 80, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468924696.8710.mp4", + "variation_id": 0, + "video_id": "60460" + }, + { + "bbox": [ + 24, + 30, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/u/uncle.mp4", + "variation_id": 0, + "video_id": "60461" + }, + { + "bbox": [ + 50, + 1, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6567.mp4", + "variation_id": 0, + "video_id": "60462" + }, + { + "bbox": [ + 308, + 16, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=PqtMCA2lu9w", + "variation_id": 0, + "video_id": "60463" + }, + { + "bbox": [ + 10, + 21, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/u/uncle.swf", + "variation_id": 0, + "video_id": "60464" + } + ] + }, + { + "gloss": "vacation", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 103, + "frame_start": 57, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61141" + }, + { + "bbox": [ + 348, + 33, + 953, + 719 + ], + "fps": 25, + "frame_end": 48, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=L4LehRcpqdU", + "variation_id": 0, + "video_id": "68640" + }, + { + "bbox": [ + 12, + 5, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/vacation.swf", + "variation_id": 0, + "video_id": "61149" + }, + { + "bbox": [ + 164, + 49, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vacation.mp4", + "variation_id": 0, + "video_id": "61150" + }, + { + "bbox": [ + 193, + 30, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VA/VACATION-1368.mp4", + "variation_id": 0, + "video_id": "66715" + }, + { + "bbox": [ + 103, + 15, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rLWmidyFcBE", + "variation_id": 0, + "video_id": "67023" + }, + { + "bbox": [ + 48, + 9, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/400248.mp4", + "variation_id": 0, + "video_id": "61142" + }, + { + "bbox": [ + 379, + 53, + 856, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/vacation.mp4", + "variation_id": 0, + "video_id": "61143" + }, + { + "bbox": [ + 79, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925690.5579.mp4", + "variation_id": 0, + "video_id": "61144" + }, + { + "bbox": [ + 9, + 0, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/v/vacation.mp4", + "variation_id": 0, + "video_id": "61145" + }, + { + "bbox": [ + 63, + 11, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6697.mp4", + "variation_id": 0, + "video_id": "61146" + }, + { + "bbox": [ + 246, + 40, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=OAolTbu5Ngk", + "variation_id": 0, + "video_id": "61147" + }, + { + "bbox": [ + 283, + 0, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=SeBuKp3SiAY", + "variation_id": 0, + "video_id": "61148" + } + ] + }, + { + "gloss": "weather", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1236, + "frame_start": 1184, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62637" + }, + { + "bbox": [ + 700, + 80, + 1578, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Weather-xwl90Vsjk2g.mp4", + "variation_id": 0, + "video_id": "62642" + }, + { + "bbox": [ + 133, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927495.8083.mp4", + "variation_id": 0, + "video_id": "62643" + }, + { + "bbox": [ + 66, + 7, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14639.mp4", + "variation_id": 0, + "video_id": "62645" + }, + { + "bbox": [ + 69, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6662.mp4", + "variation_id": 1, + "video_id": "62646" + }, + { + "bbox": [ + 90, + 29, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/e9sabI7vO2A", + "variation_id": 1, + "video_id": "67049" + }, + { + "bbox": [ + 316, + 32, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NOcMCP5hyqo", + "variation_id": 0, + "video_id": "62647" + }, + { + "bbox": [ + 287, + 44, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=rivNmNN-GTo", + "variation_id": 1, + "video_id": "62648" + }, + { + "bbox": [ + 0, + 2, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/weather.swf", + "variation_id": 1, + "video_id": "62649" + }, + { + "bbox": [ + 179, + 51, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/weather.mp4", + "variation_id": 1, + "video_id": "62650" + }, + { + "bbox": [ + 56, + 8, + 242, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 43, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/weathering.mov", + "variation_id": 0, + "video_id": "62638" + }, + { + "bbox": [ + 405, + 55, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/weather.mp4", + "variation_id": 0, + "video_id": "62639" + }, + { + "bbox": [ + 704, + 37, + 1669, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Weather-uXiLBxk5M1c.mp4", + "variation_id": 0, + "video_id": "62641" + } + ] + }, + { + "gloss": "weekend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1430, + "frame_start": 1381, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62729" + }, + { + "bbox": [ + 137, + 12, + 487, + 480 + ], + "fps": 25, + "frame_end": 4669, + "frame_start": 4588, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70377" + }, + { + "bbox": [ + 368, + 36, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=o0D-dVMQr1E", + "variation_id": 0, + "video_id": "62737" + }, + { + "bbox": [ + 203, + 55, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/weekend.mp4", + "variation_id": 0, + "video_id": "62738" + }, + { + "bbox": [ + 202, + 28, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEEKEND-1419.mp4", + "variation_id": 0, + "video_id": "66761" + }, + { + "bbox": [ + 193, + 32, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEEKEND-817.mp4", + "variation_id": 0, + "video_id": "66760" + }, + { + "bbox": [ + 31, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50955.mp4", + "variation_id": 0, + "video_id": "62730" + }, + { + "bbox": [ + 677, + 137, + 1498, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Weekend%2C%20Week%20End-Wr2p1G8GWBc.mp4", + "variation_id": 0, + "video_id": "62731" + }, + { + "bbox": [ + 196, + 11, + 1261, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Weekend-ejkUp4ijJQo.mp4", + "variation_id": 0, + "video_id": "62732" + }, + { + "bbox": [ + 610, + 137, + 1628, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Weekend-pAHdWC05cKc.mp4", + "variation_id": 0, + "video_id": "62733" + }, + { + "bbox": [ + 98, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927642.2297.mp4", + "variation_id": 0, + "video_id": "62734" + }, + { + "bbox": [ + 47, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/weekend.mp4", + "variation_id": 0, + "video_id": "62735" + }, + { + "bbox": [ + 71, + 17, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6766.mp4", + "variation_id": 0, + "video_id": "62736" + } + ] + }, + { + "gloss": "accept", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 373, + "frame_start": 344, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00588" + }, + { + "bbox": [ + 205, + 38, + 513, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACCEPT-2045.mp4", + "variation_id": 0, + "video_id": "65007" + }, + { + "bbox": [ + 442, + 82, + 1760, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Accept%202-LOz335nlcgQ.mp4", + "variation_id": 0, + "video_id": "00593" + }, + { + "bbox": [ + 81, + 40, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93181.mp4", + "variation_id": 0, + "video_id": "00592" + }, + { + "bbox": [ + 96, + 17, + 624, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466168000.804.mp4", + "variation_id": 0, + "video_id": "00597" + }, + { + "bbox": [ + 512, + 107, + 1397, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Accept-9OLma1nQgQA.mp4", + "variation_id": 0, + "video_id": "00594" + }, + { + "bbox": [ + 48, + 16, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/accept.mp4", + "variation_id": 0, + "video_id": "00598" + }, + { + "bbox": [ + 59, + 15, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6853.mp4", + "variation_id": 0, + "video_id": "00599" + }, + { + "bbox": [ + 65, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6854.mp4", + "variation_id": 0, + "video_id": "00600" + }, + { + "bbox": [ + 335, + 42, + 1004, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=SIIsK0AV2iw", + "variation_id": 0, + "video_id": "00601" + }, + { + "bbox": [ + 17, + 6, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/accept.swf", + "variation_id": 0, + "video_id": "00602" + }, + { + "bbox": [ + 177, + 46, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/accept.mp4", + "variation_id": 0, + "video_id": "00603" + } + ] + }, + { + "gloss": "adult", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 822, + "frame_start": 783, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01194" + }, + { + "bbox": [ + 29, + 20, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/adult2.mp4", + "variation_id": 0, + "video_id": "01211" + }, + { + "bbox": [ + 61, + 18, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/adult.mp4", + "variation_id": 1, + "video_id": "01212" + }, + { + "bbox": [ + 35, + 0, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14373.mp4", + "variation_id": 0, + "video_id": "01214" + }, + { + "bbox": [ + 242, + 46, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=aEegdap2Om8", + "variation_id": 1, + "video_id": "01215" + }, + { + "bbox": [ + 148, + 26, + 444, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AD/ADULT_2-2364.mp4", + "variation_id": 1, + "video_id": "65024" + }, + { + "bbox": [ + 83, + 10, + 237, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/adult.mov", + "variation_id": 1, + "video_id": "01206" + }, + { + "bbox": [ + 0, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/adult.swf", + "variation_id": 0, + "video_id": "01216" + }, + { + "bbox": [ + 198, + 36, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/adult.mp4", + "variation_id": 0, + "video_id": "01217" + }, + { + "bbox": [ + 36, + 5, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118346.mp4", + "variation_id": 0, + "video_id": "01207" + }, + { + "bbox": [ + 49, + 5, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63528.mp4", + "variation_id": 1, + "video_id": "01208" + }, + { + "bbox": [ + 620, + 70, + 1619, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Big%2C%20Giant%2C%20Tall%2C%20Adult%2C%20Grown-up-oXwKsrsVUE8.mp4", + "variation_id": 0, + "video_id": "01209" + } + ] + }, + { + "gloss": "after", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1098, + "frame_start": 1052, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01411" + }, + { + "bbox": [ + 173, + 11, + 524, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=X0W7ZFTXwn0", + "variation_id": 0, + "video_id": "01426" + }, + { + "bbox": [ + 3, + 14, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/after.swf", + "variation_id": 0, + "video_id": "01427" + }, + { + "bbox": [ + 169, + 27, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AF/AFTER-1971.mp4", + "variation_id": 0, + "video_id": "65030" + }, + { + "bbox": [ + 67, + 21, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91352.mp4", + "variation_id": 0, + "video_id": "01418" + }, + { + "bbox": [ + 91, + 1, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ao9A1mhi5Ps", + "variation_id": 0, + "video_id": "67351" + }, + { + "bbox": [ + 232, + 38, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/after.mp4", + "variation_id": 0, + "video_id": "01428" + }, + { + "bbox": [ + 395, + 52, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/after.mp4", + "variation_id": 0, + "video_id": "01419" + }, + { + "bbox": [ + 601, + 70, + 1537, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Across%2C%20After-45sHKp00VF8.mp4", + "variation_id": 0, + "video_id": "01420" + }, + { + "bbox": [ + 770, + 72, + 1645, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20After-IJKVPMM2Ij4.mp4", + "variation_id": 0, + "video_id": "01421" + }, + { + "bbox": [ + 92, + 20, + 611, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466171240.2403.mp4", + "variation_id": 0, + "video_id": "01422" + }, + { + "bbox": [ + 17, + 31, + 572, + 476 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/after.mp4", + "variation_id": 0, + "video_id": "01423" + } + ] + }, + { + "gloss": "ago", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1378, + "frame_start": 1336, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01551" + }, + { + "bbox": [ + 67, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6164.mp4", + "variation_id": 0, + "video_id": "01557" + }, + { + "bbox": [ + 57, + 8, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6166.mp4", + "variation_id": 0, + "video_id": "01558" + }, + { + "bbox": [ + 43, + 3, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9194.mp4", + "variation_id": 0, + "video_id": "01560" + }, + { + "bbox": [ + 34, + 0, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9196.mp4", + "variation_id": 0, + "video_id": "01561" + }, + { + "bbox": [ + 18, + 19, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/ago.swf", + "variation_id": 0, + "video_id": "01562" + }, + { + "bbox": [ + 179, + 48, + 556, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ago.mp4", + "variation_id": 0, + "video_id": "01564" + }, + { + "bbox": [ + 53, + 12, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307858.mp4", + "variation_id": 0, + "video_id": "01552" + }, + { + "bbox": [ + 570, + 98, + 1535, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Last-0SLfkAHELAs.mp4", + "variation_id": 0, + "video_id": "01553" + }, + { + "bbox": [ + 108, + 23, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466171592.603.mp4", + "variation_id": 0, + "video_id": "01554" + }, + { + "bbox": [ + 91, + 0, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/ago.mp4", + "variation_id": 0, + "video_id": "01555" + }, + { + "bbox": [ + 65, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5971.mp4", + "variation_id": 0, + "video_id": "01556" + } + ] + }, + { + "gloss": "allow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1801, + "frame_start": 1762, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02041" + }, + { + "bbox": [ + 0, + 10, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/allow.swf", + "variation_id": 0, + "video_id": "02051" + }, + { + "bbox": [ + 208, + 38, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/allow.mp4", + "variation_id": 0, + "video_id": "02052" + }, + { + "bbox": [ + 169, + 0, + 503, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALLOW-12.mp4", + "variation_id": 0, + "video_id": "65052" + }, + { + "bbox": [ + 182, + 15, + 507, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALLOW-172.mp4", + "variation_id": 0, + "video_id": "65053" + }, + { + "bbox": [ + 192, + 40, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALLOW-2063.mp4", + "variation_id": 0, + "video_id": "65054" + }, + { + "bbox": [ + 50, + 4, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118411.mp4", + "variation_id": 0, + "video_id": "02045" + }, + { + "bbox": [ + 67, + 17, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466173297.3791.mp4", + "variation_id": 0, + "video_id": "02046" + }, + { + "bbox": [ + 120, + 2, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/allow.mp4", + "variation_id": 0, + "video_id": "02047" + }, + { + "bbox": [ + 75, + 18, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23648.mp4", + "variation_id": 0, + "video_id": "02048" + }, + { + "bbox": [ + 72, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/24/24153.mp4", + "variation_id": 0, + "video_id": "02049" + }, + { + "bbox": [ + 319, + 44, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TuvUnPJOLQI", + "variation_id": 0, + "video_id": "02050" + } + ] + }, + { + "gloss": "america", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2255, + "frame_start": 2169, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02348" + }, + { + "bbox": [ + 252, + 0, + 663, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=yTLymDXbl58", + "variation_id": 0, + "video_id": "68002" + }, + { + "bbox": [ + 198, + 47, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/america.mp4", + "variation_id": 0, + "video_id": "02356" + }, + { + "bbox": [ + 213, + 30, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AM/AMERICA-2315.mp4", + "variation_id": 0, + "video_id": "65064" + }, + { + "bbox": [ + 99, + 17, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/u8qjgzr11Ik", + "variation_id": 0, + "video_id": "67360" + }, + { + "bbox": [ + 70, + 14, + 236, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/america.mov", + "variation_id": 0, + "video_id": "02349" + }, + { + "bbox": [ + 597, + 124, + 1588, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20America-8vMN6U-4cvo.mp4", + "variation_id": 0, + "video_id": "02350" + }, + { + "bbox": [ + 92, + 17, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466178389.6340.mp4", + "variation_id": 0, + "video_id": "02351" + }, + { + "bbox": [ + 135, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/america.mp4", + "variation_id": 0, + "video_id": "02352" + }, + { + "bbox": [ + 59, + 9, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14166.mp4", + "variation_id": 0, + "video_id": "02353" + }, + { + "bbox": [ + 336, + 24, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=hzlYOuTrIhA", + "variation_id": 0, + "video_id": "02354" + }, + { + "bbox": [ + 0, + 12, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/america.swf", + "variation_id": 0, + "video_id": "02355" + } + ] + }, + { + "gloss": "angel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2472, + "frame_start": 2426, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02539" + }, + { + "bbox": [ + 0, + 13, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/angel.swf", + "variation_id": 0, + "video_id": "02547" + }, + { + "bbox": [ + 90, + 30, + 659, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/angel.mp4", + "variation_id": 0, + "video_id": "02548" + }, + { + "bbox": [ + 149, + 29, + 571, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/ANGEL-2201.mp4", + "variation_id": 0, + "video_id": "65071" + }, + { + "bbox": [ + 56, + 0, + 479, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/aeSz6NYz_C8", + "variation_id": 0, + "video_id": "67362" + }, + { + "bbox": [ + 31, + 3, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118504.mp4", + "variation_id": 0, + "video_id": "02540" + }, + { + "bbox": [ + 460, + 45, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Angel-GlHfdy8rfCc.mp4", + "variation_id": 0, + "video_id": "02541" + }, + { + "bbox": [ + 0, + 10, + 624, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 22, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1476145682.3585.mp4", + "variation_id": 0, + "video_id": "02542" + }, + { + "bbox": [ + 33, + 12, + 627, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/angel.mp4", + "variation_id": 0, + "video_id": "02543" + }, + { + "bbox": [ + 47, + 9, + 274, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8223.mp4", + "variation_id": 0, + "video_id": "02544" + }, + { + "bbox": [ + 40, + 11, + 279, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8225.mp4", + "variation_id": 0, + "video_id": "02545" + }, + { + "bbox": [ + 128, + 40, + 1168, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MRKKCkGXUag", + "variation_id": 0, + "video_id": "02546" + } + ] + }, + { + "gloss": "answer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2922, + "frame_start": 2873, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02707" + }, + { + "bbox": [ + 149, + 48, + 428, + 360 + ], + "fps": 25, + "frame_end": 6897, + "frame_start": 6799, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70275" + }, + { + "bbox": [ + 227, + 35, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/answer.mp4", + "variation_id": 0, + "video_id": "02718" + }, + { + "bbox": [ + 197, + 40, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/ANSWER-2228.mp4", + "variation_id": 0, + "video_id": "65076" + }, + { + "bbox": [ + 78, + 4, + 230, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/answer.mov", + "variation_id": 0, + "video_id": "02710" + }, + { + "bbox": [ + 55, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51280.mp4", + "variation_id": 0, + "video_id": "02711" + }, + { + "bbox": [ + 852, + 65, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Order%2C%20Report-ry-A2Jnaih4.mp4", + "variation_id": 0, + "video_id": "02712" + }, + { + "bbox": [ + 131, + 19, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466510743.7605.mp4", + "variation_id": 0, + "video_id": "02713" + }, + { + "bbox": [ + 129, + 2, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/answer.mp4", + "variation_id": 0, + "video_id": "02714" + }, + { + "bbox": [ + 73, + 14, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5604.mp4", + "variation_id": 0, + "video_id": "02715" + }, + { + "bbox": [ + 77, + 22, + 445, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=LjkLVzAtHyQ", + "variation_id": 0, + "video_id": "02716" + }, + { + "bbox": [ + 14, + 20, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/answer.swf", + "variation_id": 0, + "video_id": "02717" + } + ] + }, + { + "gloss": "any", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2955, + "frame_start": 2923, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02818" + }, + { + "bbox": [ + 492, + 68, + 1371, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/any.mp4", + "variation_id": 0, + "video_id": "69212" + }, + { + "bbox": [ + 139, + 15, + 497, + 480 + ], + "fps": 25, + "frame_end": 3295, + "frame_start": 3181, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70095" + }, + { + "bbox": [ + 200, + 0, + 546, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/ANY-2070.mp4", + "variation_id": 0, + "video_id": "65079" + }, + { + "bbox": [ + 63, + 17, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466510924.4853.mp4", + "variation_id": 0, + "video_id": "02826" + }, + { + "bbox": [ + 54, + 0, + 475, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/any.mp4", + "variation_id": 0, + "video_id": "02827" + }, + { + "bbox": [ + 68, + 19, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22581.mp4", + "variation_id": 0, + "video_id": "02828" + }, + { + "bbox": [ + 196, + 12, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=R5ZVh3chdZ4", + "variation_id": 0, + "video_id": "02829" + }, + { + "bbox": [ + 196, + 12, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=R5ZVh3chdZ4", + "variation_id": 0, + "video_id": "02830" + }, + { + "bbox": [ + 258, + 37, + 971, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=wEllyA0JhDI", + "variation_id": 0, + "video_id": "02831" + }, + { + "bbox": [ + 17, + 13, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/any.swf", + "variation_id": 0, + "video_id": "02832" + }, + { + "bbox": [ + 184, + 36, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/any.mp4", + "variation_id": 0, + "video_id": "02833" + } + ] + }, + { + "gloss": "area", + "instances": [ + { + "bbox": [ + 175, + 3, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/AREA-19.mp4", + "variation_id": 0, + "video_id": "65091" + }, + { + "bbox": [ + 321, + 31, + 954, + 720 + ], + "fps": 25, + "frame_end": 62, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=puSQ4tKF6ns", + "variation_id": 1, + "video_id": "68812" + }, + { + "bbox": [ + 74, + 15, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7186.mp4", + "variation_id": 1, + "video_id": "03240" + }, + { + "bbox": [ + 125, + 8, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UgT-5I1krfk", + "variation_id": 1, + "video_id": "03243" + }, + { + "bbox": [ + 66, + 7, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122544.mp4", + "variation_id": 1, + "video_id": "03234" + }, + { + "bbox": [ + 210, + 15, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-YzELllSB9o", + "variation_id": 1, + "video_id": "03244" + }, + { + "bbox": [ + 0, + 16, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/area.swf", + "variation_id": 0, + "video_id": "03245" + }, + { + "bbox": [ + 175, + 50, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/area.mp4", + "variation_id": 0, + "video_id": "03246" + }, + { + "bbox": [ + 756, + 75, + 1598, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Area-GgSCY1Y_DHs.mp4", + "variation_id": 0, + "video_id": "03235" + }, + { + "bbox": [ + 626, + 73, + 1572, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Space-zXEsmOFyaso.mp4", + "variation_id": 1, + "video_id": "03237" + }, + { + "bbox": [ + 86, + 24, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512434.2931.mp4", + "variation_id": 0, + "video_id": "03238" + }, + { + "bbox": [ + 0, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/area.mp4", + "variation_id": 0, + "video_id": "03239" + } + ] + }, + { + "gloss": "art", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3972, + "frame_start": 3920, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03469" + }, + { + "bbox": [ + 149, + 26, + 477, + 480 + ], + "fps": 25, + "frame_end": 5274, + "frame_start": 5161, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70142" + }, + { + "bbox": [ + 8, + 9, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/art.swf", + "variation_id": 0, + "video_id": "03485" + }, + { + "bbox": [ + 239, + 34, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/art.mp4", + "variation_id": 0, + "video_id": "03486" + }, + { + "bbox": [ + 174, + 15, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/ART-2443.mp4", + "variation_id": 0, + "video_id": "65097" + }, + { + "bbox": [ + 64, + 10, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122567.mp4", + "variation_id": 0, + "video_id": "03478" + }, + { + "bbox": [ + 124, + 18, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tN_Fkaq2qiQ", + "variation_id": 0, + "video_id": "67372" + }, + { + "bbox": [ + 431, + 60, + 819, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/art.mp4", + "variation_id": 0, + "video_id": "03479" + }, + { + "bbox": [ + 587, + 64, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sketch%2C%20Art%2C%20Draw-Q59qQzYpc2g.mp4", + "variation_id": 0, + "video_id": "03480" + }, + { + "bbox": [ + 140, + 21, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466645586.7802.mp4", + "variation_id": 0, + "video_id": "03481" + }, + { + "bbox": [ + 81, + 16, + 473, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/art.mp4", + "variation_id": 0, + "video_id": "03483" + }, + { + "bbox": [ + 71, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6772.mp4", + "variation_id": 0, + "video_id": "03484" + } + ] + }, + { + "gloss": "asl", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4185, + "frame_start": 4113, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03625" + }, + { + "bbox": [ + 100, + 14, + 529, + 356 + ], + "fps": 25, + "frame_end": 85, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=_69QY-XAXss", + "variation_id": 0, + "video_id": "68266" + }, + { + "bbox": [ + 288, + 0, + 1042, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=72Iq9Cc0rcU", + "variation_id": 0, + "video_id": "68004" + }, + { + "bbox": [ + 314, + 15, + 899, + 720 + ], + "fps": 25, + "frame_end": 44, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=DFcoHE0WC5c", + "variation_id": 0, + "video_id": "68408" + }, + { + "bbox": [ + 169, + 0, + 601, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=UyvO5kp4ivQ", + "variation_id": 0, + "video_id": "68005" + }, + { + "bbox": [ + 43, + 0, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455245.mp4", + "variation_id": 0, + "video_id": "03634" + }, + { + "bbox": [ + 214, + 16, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/asl.mp4", + "variation_id": 0, + "video_id": "03635" + }, + { + "bbox": [ + 81, + 12, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/asl-fs.mp4", + "variation_id": 0, + "video_id": "03637" + }, + { + "bbox": [ + 69, + 11, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14608.mp4", + "variation_id": 0, + "video_id": "03638" + }, + { + "bbox": [ + 323, + 47, + 900, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=66psMZuKC_w", + "variation_id": 0, + "video_id": "03640" + }, + { + "bbox": [ + 274, + 11, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=r6Wz17JyumM", + "variation_id": 0, + "video_id": "03641" + }, + { + "bbox": [ + 180, + 49, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/asl.mp4", + "variation_id": 0, + "video_id": "03642" + } + ] + }, + { + "gloss": "aunt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5007, + "frame_start": 4955, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04165" + }, + { + "bbox": [ + 351, + 18, + 909, + 720 + ], + "fps": 25, + "frame_end": 44, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=4rcQkD28sMw", + "variation_id": 0, + "video_id": "68250" + }, + { + "bbox": [ + 185, + 49, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/aunt.mp4", + "variation_id": 0, + "video_id": "04176" + }, + { + "bbox": [ + 155, + 0, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AU/AUNT-2231.mp4", + "variation_id": 0, + "video_id": "65110" + }, + { + "bbox": [ + 55, + 4, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122845.mp4", + "variation_id": 0, + "video_id": "04168" + }, + { + "bbox": [ + 203, + 16, + 514, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/aunt.mp4", + "variation_id": 0, + "video_id": "04169" + }, + { + "bbox": [ + 360, + 13, + 764, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Aunt-_nRG5Rx0_tA.mp4", + "variation_id": 0, + "video_id": "04170" + }, + { + "bbox": [ + 99, + 20, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646921.7312.mp4", + "variation_id": 0, + "video_id": "04171" + }, + { + "bbox": [ + 65, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/aunt.mp4", + "variation_id": 0, + "video_id": "04172" + }, + { + "bbox": [ + 59, + 10, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6140.mp4", + "variation_id": 0, + "video_id": "04173" + }, + { + "bbox": [ + 315, + 34, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=_c8v25YlVyY", + "variation_id": 0, + "video_id": "04174" + }, + { + "bbox": [ + 11, + 8, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/aunt.swf", + "variation_id": 0, + "video_id": "04175" + } + ] + }, + { + "gloss": "awful", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5669, + "frame_start": 5623, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04422" + }, + { + "bbox": [ + 329, + 54, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HRQIh-f9xAw", + "variation_id": 0, + "video_id": "04432" + }, + { + "bbox": [ + 2, + 8, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/awful.swf", + "variation_id": 0, + "video_id": "04433" + }, + { + "bbox": [ + 178, + 7, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AW/AWFUL-26.mp4", + "variation_id": 0, + "video_id": "65118" + }, + { + "bbox": [ + 27, + 2, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123109.mp4", + "variation_id": 0, + "video_id": "04424" + }, + { + "bbox": [ + 188, + 47, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/awful.mp4", + "variation_id": 0, + "video_id": "04434" + }, + { + "bbox": [ + 381, + 52, + 791, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/awful.mp4", + "variation_id": 0, + "video_id": "04425" + }, + { + "bbox": [ + 591, + 52, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Awful%2C%20Terrible-Jut7HkgsbjE.mp4", + "variation_id": 0, + "video_id": "04426" + }, + { + "bbox": [ + 98, + 28, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466647617.4721.mp4", + "variation_id": 0, + "video_id": "04427" + }, + { + "bbox": [ + 117, + 8, + 451, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/awful.mp4", + "variation_id": 0, + "video_id": "04428" + }, + { + "bbox": [ + 70, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22158.mp4", + "variation_id": 0, + "video_id": "04429" + }, + { + "bbox": [ + 71, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6745.mp4", + "variation_id": 0, + "video_id": "04430" + } + ] + }, + { + "gloss": "awkward", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5732, + "frame_start": 5670, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04436" + }, + { + "bbox": [ + 330, + 30, + 1010, + 715 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JlKhON_Ta2k", + "variation_id": 0, + "video_id": "04444" + }, + { + "bbox": [ + 18, + 21, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/awkward.swf", + "variation_id": 0, + "video_id": "04445" + }, + { + "bbox": [ + 96, + 4, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/mhrly2XQjoA", + "variation_id": 0, + "video_id": "67376" + }, + { + "bbox": [ + 174, + 48, + 582, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/awkward.mp4", + "variation_id": 0, + "video_id": "04446" + }, + { + "bbox": [ + 34, + 4, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123110.mp4", + "variation_id": 0, + "video_id": "04437" + }, + { + "bbox": [ + 701, + 129, + 1664, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Awkward-eJPlePebVzI.mp4", + "variation_id": 0, + "video_id": "04438" + }, + { + "bbox": [ + 447, + 55, + 1539, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Awkward-zEWWLw3AqI8.mp4", + "variation_id": 0, + "video_id": "04439" + }, + { + "bbox": [ + 666, + 87, + 1574, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Klutz%2C%20Clumsy%2C%20Awkward-fTkel_iD77U.mp4", + "variation_id": 0, + "video_id": "04440" + }, + { + "bbox": [ + 88, + 20, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466647757.9860.mp4", + "variation_id": 0, + "video_id": "04441" + }, + { + "bbox": [ + 97, + 9, + 624, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/awkward.mp4", + "variation_id": 0, + "video_id": "04442" + }, + { + "bbox": [ + 58, + 22, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23207.mp4", + "variation_id": 0, + "video_id": "04443" + } + ] + }, + { + "gloss": "bacon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 346, + "frame_start": 307, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04678" + }, + { + "bbox": [ + 3, + 20, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bacon.swf", + "variation_id": 0, + "video_id": "04686" + }, + { + "bbox": [ + 160, + 51, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bacon.mp4", + "variation_id": 0, + "video_id": "04687" + }, + { + "bbox": [ + 199, + 40, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BACON-2085.mp4", + "variation_id": 0, + "video_id": "65124" + }, + { + "bbox": [ + 116, + 16, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/37xjuBr0xF8", + "variation_id": 0, + "video_id": "67378" + }, + { + "bbox": [ + 54, + 10, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123145.mp4", + "variation_id": 0, + "video_id": "04679" + }, + { + "bbox": [ + 388, + 61, + 843, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bacon.mp4", + "variation_id": 0, + "video_id": "04680" + }, + { + "bbox": [ + 448, + 127, + 1707, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bacon-2ricwcKQJ1Y.mp4", + "variation_id": 0, + "video_id": "04681" + }, + { + "bbox": [ + 83, + 23, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466648103.1897.mp4", + "variation_id": 0, + "video_id": "04682" + }, + { + "bbox": [ + 44, + 8, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/bacon.mp4", + "variation_id": 0, + "video_id": "04683" + }, + { + "bbox": [ + 84, + 15, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7881.mp4", + "variation_id": 0, + "video_id": "04684" + }, + { + "bbox": [ + 347, + 70, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zFYoBYGU17g", + "variation_id": 0, + "video_id": "04685" + } + ] + }, + { + "gloss": "bark", + "instances": [ + { + "bbox": [ + 196, + 37, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BARK-2090.mp4", + "variation_id": 0, + "video_id": "65139" + }, + { + "bbox": [ + 120, + 2, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bark.mp4", + "variation_id": 0, + "video_id": "05111" + }, + { + "bbox": [ + 74, + 16, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24316.mp4", + "variation_id": 0, + "video_id": "05113" + }, + { + "bbox": [ + 79, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24317.mp4", + "variation_id": 0, + "video_id": "05114" + }, + { + "bbox": [ + 312, + 19, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lQnoGWcI1qg", + "variation_id": 0, + "video_id": "05115" + }, + { + "bbox": [ + 309, + 59, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oRfxCPbYwrY", + "variation_id": 0, + "video_id": "05116" + }, + { + "bbox": [ + 6, + 9, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bark.swf", + "variation_id": 0, + "video_id": "05117" + }, + { + "bbox": [ + 182, + 53, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bark.mp4", + "variation_id": 0, + "video_id": "05118" + }, + { + "bbox": [ + 405, + 59, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bark.mp4", + "variation_id": 0, + "video_id": "05107" + }, + { + "bbox": [ + 721, + 16, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bark%202-ugi94y6ohnI.mp4", + "variation_id": 0, + "video_id": "05108" + }, + { + "bbox": [ + 581, + 49, + 1629, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bark-aQXLKNiBPSM.mp4", + "variation_id": 0, + "video_id": "05109" + }, + { + "bbox": [ + 66, + 25, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466649218.3529.mp4", + "variation_id": 0, + "video_id": "05110" + } + ] + }, + { + "gloss": "bedroom", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1602, + "frame_start": 1506, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05651" + }, + { + "bbox": [ + 342, + 19, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=arBQREsWlUw", + "variation_id": 0, + "video_id": "05658" + }, + { + "bbox": [ + 299, + 82, + 860, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=ErtdaCZ-5Ag", + "variation_id": 0, + "video_id": "05659" + }, + { + "bbox": [ + 13, + 14, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/bedroom.swf", + "variation_id": 0, + "video_id": "05660" + }, + { + "bbox": [ + 127, + 15, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEDROOM-2403.mp4", + "variation_id": 0, + "video_id": "65164" + }, + { + "bbox": [ + 85, + 15, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/U_GBuZuCOkY", + "variation_id": 0, + "video_id": "67401" + }, + { + "bbox": [ + 173, + 51, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bedroom.mp4", + "variation_id": 0, + "video_id": "05661" + }, + { + "bbox": [ + 39, + 12, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123630.mp4", + "variation_id": 0, + "video_id": "05652" + }, + { + "bbox": [ + 388, + 55, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bedroom.mp4", + "variation_id": 0, + "video_id": "05653" + }, + { + "bbox": [ + 78, + 23, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466681170.9007.mp4", + "variation_id": 0, + "video_id": "05654" + }, + { + "bbox": [ + 123, + 14, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/bedroom.mp4", + "variation_id": 0, + "video_id": "05655" + }, + { + "bbox": [ + 75, + 19, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22171.mp4", + "variation_id": 0, + "video_id": "05656" + } + ] + }, + { + "gloss": "beer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1732, + "frame_start": 1673, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05699" + }, + { + "bbox": [ + 62, + 10, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14698.mp4", + "variation_id": 0, + "video_id": "05712" + }, + { + "bbox": [ + 301, + 64, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9aKoDYMld7k", + "variation_id": 0, + "video_id": "05713" + }, + { + "bbox": [ + 217, + 30, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEER-2204.mp4", + "variation_id": 0, + "video_id": "65166" + }, + { + "bbox": [ + 59, + 12, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123638.mp4", + "variation_id": 0, + "video_id": "05705" + }, + { + "bbox": [ + 103, + 12, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ca5ed8JQ5qA", + "variation_id": 0, + "video_id": "67402" + }, + { + "bbox": [ + 174, + 51, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/beer.mp4", + "variation_id": 0, + "video_id": "05715" + }, + { + "bbox": [ + 56, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74885.mp4", + "variation_id": 0, + "video_id": "05706" + }, + { + "bbox": [ + 593, + 55, + 1595, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beer%20var-wX78EPtSuzU.mp4", + "variation_id": 0, + "video_id": "05707" + }, + { + "bbox": [ + 654, + 113, + 1545, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beer-AOj9U6J-eq4.mp4", + "variation_id": 0, + "video_id": "05708" + }, + { + "bbox": [ + 99, + 29, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466681257.1050.mp4", + "variation_id": 0, + "video_id": "05709" + }, + { + "bbox": [ + 38, + 19, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/beer.mp4", + "variation_id": 0, + "video_id": "05711" + } + ] + }, + { + "gloss": "belt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2196, + "frame_start": 2137, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05921" + }, + { + "bbox": [ + 0, + 5, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/belt.swf", + "variation_id": 0, + "video_id": "05930" + }, + { + "bbox": [ + 163, + 51, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/belt.mp4", + "variation_id": 0, + "video_id": "05931" + }, + { + "bbox": [ + 138, + 7, + 523, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BELT-2899.mp4", + "variation_id": 0, + "video_id": "65173" + }, + { + "bbox": [ + 34, + 0, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486606.mp4", + "variation_id": 0, + "video_id": "05923" + }, + { + "bbox": [ + 79, + 15, + 447, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/X9c1_4jIX9M", + "variation_id": 0, + "video_id": "67407" + }, + { + "bbox": [ + 423, + 71, + 871, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/belt.mp4", + "variation_id": 0, + "video_id": "05924" + }, + { + "bbox": [ + 558, + 140, + 1461, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Belt-enTbUFGUuvg.mp4", + "variation_id": 0, + "video_id": "05925" + }, + { + "bbox": [ + 119, + 68, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466681642.4792.mp4", + "variation_id": 0, + "video_id": "05926" + }, + { + "bbox": [ + 64, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/belt-waist.mp4", + "variation_id": 0, + "video_id": "05927" + }, + { + "bbox": [ + 88, + 23, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22146.mp4", + "variation_id": 0, + "video_id": "05928" + }, + { + "bbox": [ + 310, + 43, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RNxKCnCTRT0", + "variation_id": 0, + "video_id": "05929" + } + ] + }, + { + "gloss": "big", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2661, + "frame_start": 2599, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06176" + }, + { + "bbox": [ + 233, + 19, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/big.mp4", + "variation_id": 0, + "video_id": "69231" + }, + { + "bbox": [ + 57, + 9, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14400.mp4", + "variation_id": 0, + "video_id": "06199" + }, + { + "bbox": [ + 36, + 7, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9557.mp4", + "variation_id": 0, + "video_id": "06200" + }, + { + "bbox": [ + 144, + 24, + 530, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BIG-410.mp4", + "variation_id": 0, + "video_id": "65182" + }, + { + "bbox": [ + 168, + 25, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BIG-772.mp4", + "variation_id": 0, + "video_id": "65183" + }, + { + "bbox": [ + 0, + 8, + 318, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124308.mp4", + "variation_id": 0, + "video_id": "06192" + }, + { + "bbox": [ + 153, + 51, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/big.mp4", + "variation_id": 0, + "video_id": "06202" + }, + { + "bbox": [ + 388, + 66, + 1505, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Big-xq5Enus558k.mp4", + "variation_id": 0, + "video_id": "06193" + }, + { + "bbox": [ + 128, + 9, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466682008.3990.mp4", + "variation_id": 0, + "video_id": "06194" + }, + { + "bbox": [ + 73, + 12, + 527, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/big2.mp4", + "variation_id": 0, + "video_id": "06195" + }, + { + "bbox": [ + 67, + 3, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/big.mp4", + "variation_id": 0, + "video_id": "06196" + } + ] + }, + { + "gloss": "bitter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3108, + "frame_start": 3046, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06425" + }, + { + "bbox": [ + 67, + 17, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8096.mp4", + "variation_id": 0, + "video_id": "06435" + }, + { + "bbox": [ + 80, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8113.mp4", + "variation_id": 0, + "video_id": "06436" + }, + { + "bbox": [ + 365, + 32, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ynO66DC858s", + "variation_id": 0, + "video_id": "06437" + }, + { + "bbox": [ + 59, + 0, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455545.mp4", + "variation_id": 0, + "video_id": "06428" + }, + { + "bbox": [ + 25, + 11, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bitter.swf", + "variation_id": 0, + "video_id": "06438" + }, + { + "bbox": [ + 157, + 52, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bitter.mp4", + "variation_id": 0, + "video_id": "06439" + }, + { + "bbox": [ + 430, + 60, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bitter.mp4", + "variation_id": 0, + "video_id": "06429" + }, + { + "bbox": [ + 375, + 19, + 802, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bitter-3P2x3lpuyTY.mp4", + "variation_id": 0, + "video_id": "06430" + }, + { + "bbox": [ + 376, + 21, + 805, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Really%20Bitter-ylVBsRKFRPo.mp4", + "variation_id": 0, + "video_id": "06431" + }, + { + "bbox": [ + 127, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468842010.9834.mp4", + "variation_id": 0, + "video_id": "06432" + }, + { + "bbox": [ + 40, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bitter.mp4", + "variation_id": 0, + "video_id": "06433" + } + ] + }, + { + "gloss": "both", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3926, + "frame_start": 3897, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07258" + }, + { + "bbox": [ + 384, + 44, + 895, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/both.mp4", + "variation_id": 0, + "video_id": "69242" + }, + { + "bbox": [ + 94, + 8, + 1190, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Bg8FZo1hguc", + "variation_id": 0, + "video_id": "68013" + }, + { + "bbox": [ + 110, + 13, + 535, + 360 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=GPMSqA32a8s", + "variation_id": 0, + "video_id": "68494" + }, + { + "bbox": [ + 200, + 39, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOTH-2128.mp4", + "variation_id": 0, + "video_id": "65233" + }, + { + "bbox": [ + 426, + 53, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/both.mp4", + "variation_id": 0, + "video_id": "07271" + }, + { + "bbox": [ + 79, + 17, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466684728.5958.mp4", + "variation_id": 0, + "video_id": "07272" + }, + { + "bbox": [ + 90, + 5, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/both.mp4", + "variation_id": 0, + "video_id": "07273" + }, + { + "bbox": [ + 68, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9974.mp4", + "variation_id": 0, + "video_id": "07274" + }, + { + "bbox": [ + 165, + 10, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=9yoJHvDfj-4", + "variation_id": 0, + "video_id": "07275" + }, + { + "bbox": [ + 18, + 14, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/both.swf", + "variation_id": 0, + "video_id": "07276" + }, + { + "bbox": [ + 214, + 39, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/both.mp4", + "variation_id": 0, + "video_id": "07277" + } + ] + }, + { + "gloss": "cake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 164, + "frame_start": 118, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08608" + }, + { + "bbox": [ + 191, + 27, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/cake.mp4", + "variation_id": 0, + "video_id": "69256" + }, + { + "bbox": [ + 1, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 54, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/cake.swf", + "variation_id": 1, + "video_id": "08620" + }, + { + "bbox": [ + 183, + 51, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/cake.mp4", + "variation_id": 1, + "video_id": "08621" + }, + { + "bbox": [ + 170, + 15, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAKE-62.mp4", + "variation_id": 0, + "video_id": "65285" + }, + { + "bbox": [ + 164, + 15, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAKE-63.mp4", + "variation_id": 1, + "video_id": "65286" + }, + { + "bbox": [ + 46, + 3, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74899.mp4", + "variation_id": 1, + "video_id": "08612" + }, + { + "bbox": [ + 87, + 20, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yfiKB4ZSyHk", + "variation_id": 0, + "video_id": "67457" + }, + { + "bbox": [ + 466, + 76, + 1626, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cake-ld9YQUWWWgw.mp4", + "variation_id": 1, + "video_id": "08613" + }, + { + "bbox": [ + 68, + 17, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725849.8495.mp4", + "variation_id": 1, + "video_id": "08614" + }, + { + "bbox": [ + 23, + 4, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cake2.mp4", + "variation_id": 0, + "video_id": "08615" + }, + { + "bbox": [ + 56, + 7, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14009.mp4", + "variation_id": 1, + "video_id": "08618" + } + ] + }, + { + "gloss": "california", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 365, + "frame_start": 299, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08669" + }, + { + "bbox": [ + 46, + 5, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14118.mp4", + "variation_id": 0, + "video_id": "08676" + }, + { + "bbox": [ + 50, + 9, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9428.mp4", + "variation_id": 0, + "video_id": "08677" + }, + { + "bbox": [ + 171, + 34, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CALIFORNIA-2147.mp4", + "variation_id": 0, + "video_id": "65289" + }, + { + "bbox": [ + 0, + 14, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/california_2.swf", + "variation_id": 0, + "video_id": "08679" + }, + { + "bbox": [ + 118, + 53, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/california.mp4", + "variation_id": 0, + "video_id": "08680" + }, + { + "bbox": [ + 46, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455497.mp4", + "variation_id": 0, + "video_id": "08670" + }, + { + "bbox": [ + 658, + 37, + 1746, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20California%203-uTtaWdyyp0A.mp4", + "variation_id": 0, + "video_id": "08671" + }, + { + "bbox": [ + 725, + 44, + 1697, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20California%204-gJC4WFeyK6w.mp4", + "variation_id": 0, + "video_id": "08672" + }, + { + "bbox": [ + 801, + 60, + 1722, + 1064 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20California-5Q0SCrk6bb0.mp4", + "variation_id": 0, + "video_id": "08673" + }, + { + "bbox": [ + 63, + 14, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 17, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1471143789.4850.mp4", + "variation_id": 0, + "video_id": "08674" + }, + { + "bbox": [ + 120, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/california.mp4", + "variation_id": 0, + "video_id": "08675" + } + ] + }, + { + "gloss": "canada", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 569, + "frame_start": 503, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08840" + }, + { + "bbox": [ + 7, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/canada.swf", + "variation_id": 0, + "video_id": "08848" + }, + { + "bbox": [ + 165, + 53, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/canada.mp4", + "variation_id": 0, + "video_id": "08849" + }, + { + "bbox": [ + 169, + 16, + 466, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CANADA-677.mp4", + "variation_id": 0, + "video_id": "65295" + }, + { + "bbox": [ + 79, + 20, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/x8ovlu130a8", + "variation_id": 0, + "video_id": "67466" + }, + { + "bbox": [ + 19, + 0, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455295.mp4", + "variation_id": 0, + "video_id": "08841" + }, + { + "bbox": [ + 344, + 51, + 836, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/canada.mp4", + "variation_id": 0, + "video_id": "08842" + }, + { + "bbox": [ + 458, + 103, + 1460, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Canada-V8wKGpJxa64.mp4", + "variation_id": 0, + "video_id": "08843" + }, + { + "bbox": [ + 13, + 17, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466726492.9148.mp4", + "variation_id": 0, + "video_id": "08844" + }, + { + "bbox": [ + 63, + 13, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/canada.mp4", + "variation_id": 0, + "video_id": "08845" + }, + { + "bbox": [ + 65, + 4, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5753.mp4", + "variation_id": 0, + "video_id": "08846" + }, + { + "bbox": [ + 285, + 48, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6wD5KHuM4xE", + "variation_id": 0, + "video_id": "08847" + } + ] + }, + { + "gloss": "carrot", + "instances": [ + { + "bbox": [ + 303, + 31, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/carrot.mp4", + "variation_id": 0, + "video_id": "69259" + }, + { + "bbox": [ + 132, + 19, + 466, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CARROT-1025.mp4", + "variation_id": 0, + "video_id": "65308" + }, + { + "bbox": [ + 88, + 26, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466727674.6974.mp4", + "variation_id": 0, + "video_id": "09311" + }, + { + "bbox": [ + 45, + 21, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/carrot.mp4", + "variation_id": 0, + "video_id": "09312" + }, + { + "bbox": [ + 308, + 60, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wMX84DjGfwM", + "variation_id": 0, + "video_id": "09314" + }, + { + "bbox": [ + 44, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125824.mp4", + "variation_id": 0, + "video_id": "09305" + }, + { + "bbox": [ + 87, + 19, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LdbzhGeCc3E", + "variation_id": 0, + "video_id": "67474" + }, + { + "bbox": [ + 43, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51392.mp4", + "variation_id": 0, + "video_id": "09306" + }, + { + "bbox": [ + 399, + 57, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/carrot.mp4", + "variation_id": 0, + "video_id": "09307" + }, + { + "bbox": [ + 675, + 85, + 1612, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Carrot-1PNIJ1yFCD0.mp4", + "variation_id": 0, + "video_id": "09308" + }, + { + "bbox": [ + 338, + 29, + 1026, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Carrot%202-Rg8mCLofZaQ.mp4", + "variation_id": 0, + "video_id": "09309" + }, + { + "bbox": [ + 487, + 36, + 1559, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Corn%203-Eatzxv2w41I.mp4", + "variation_id": 0, + "video_id": "09310" + } + ] + }, + { + "gloss": "cause", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1414, + "frame_start": 1365, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09570" + }, + { + "bbox": [ + 3, + 13, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cause.swf", + "variation_id": 0, + "video_id": "09579" + }, + { + "bbox": [ + 226, + 40, + 475, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cause.mp4", + "variation_id": 0, + "video_id": "09580" + }, + { + "bbox": [ + 183, + 17, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAUSE-560.mp4", + "variation_id": 0, + "video_id": "65319" + }, + { + "bbox": [ + 50, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125857.mp4", + "variation_id": 0, + "video_id": "09572" + }, + { + "bbox": [ + 96, + 19, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Dd7YKEE1buc", + "variation_id": 0, + "video_id": "67479" + }, + { + "bbox": [ + 755, + 53, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cause-BId5w1MPO7s.mp4", + "variation_id": 0, + "video_id": "09573" + }, + { + "bbox": [ + 89, + 22, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466728737.1522.mp4", + "variation_id": 0, + "video_id": "09574" + }, + { + "bbox": [ + 73, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cause.mp4", + "variation_id": 0, + "video_id": "09575" + }, + { + "bbox": [ + 57, + 12, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/1/1311.mp4", + "variation_id": 0, + "video_id": "09576" + }, + { + "bbox": [ + 350, + 34, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=F4a8WUC1YtM", + "variation_id": 0, + "video_id": "09577" + }, + { + "bbox": [ + 295, + 45, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V47VIesqbc8", + "variation_id": 0, + "video_id": "09578" + } + ] + }, + { + "gloss": "challenge", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1932, + "frame_start": 1890, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09891" + }, + { + "bbox": [ + 0, + 20, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/challenge.swf", + "variation_id": 0, + "video_id": "09899" + }, + { + "bbox": [ + 169, + 52, + 586, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/challenge.mp4", + "variation_id": 0, + "video_id": "09900" + }, + { + "bbox": [ + 169, + 15, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHALLENGE-819.mp4", + "variation_id": 0, + "video_id": "65329" + }, + { + "bbox": [ + 89, + 3, + 409, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/_W2JEF5Kwa8", + "variation_id": 0, + "video_id": "67485" + }, + { + "bbox": [ + 29, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51423.mp4", + "variation_id": 0, + "video_id": "09892" + }, + { + "bbox": [ + 872, + 58, + 1830, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Challenge-QliGJeqZXo8.mp4", + "variation_id": 0, + "video_id": "09893" + }, + { + "bbox": [ + 87, + 23, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466729563.4986.mp4", + "variation_id": 0, + "video_id": "09894" + }, + { + "bbox": [ + 28, + 0, + 594, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/challenge.mp4", + "variation_id": 0, + "video_id": "09895" + }, + { + "bbox": [ + 44, + 5, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14654.mp4", + "variation_id": 0, + "video_id": "09896" + }, + { + "bbox": [ + 271, + 50, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=j-PKWHMz2Ok", + "variation_id": 0, + "video_id": "09897" + }, + { + "bbox": [ + 23, + 15, + 1114, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=voElPmsFjrI", + "variation_id": 0, + "video_id": "09898" + } + ] + }, + { + "gloss": "cheap", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2339, + "frame_start": 2290, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10134" + }, + { + "bbox": [ + 239, + 12, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=H-39q5BLM44", + "variation_id": 0, + "video_id": "10142" + }, + { + "bbox": [ + 14, + 19, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cheap.swf", + "variation_id": 0, + "video_id": "10143" + }, + { + "bbox": [ + 170, + 15, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHEAP-630.mp4", + "variation_id": 0, + "video_id": "65340" + }, + { + "bbox": [ + 168, + 53, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cheap.mp4", + "variation_id": 0, + "video_id": "10144" + }, + { + "bbox": [ + 33, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455920.mp4", + "variation_id": 0, + "video_id": "10135" + }, + { + "bbox": [ + 376, + 50, + 800, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cheap.mp4", + "variation_id": 0, + "video_id": "10136" + }, + { + "bbox": [ + 444, + 16, + 1102, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Cheap.mp4", + "variation_id": 0, + "video_id": "10137" + }, + { + "bbox": [ + 106, + 12, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466730815.2979.mp4", + "variation_id": 0, + "video_id": "10138" + }, + { + "bbox": [ + 64, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/cheaper.mp4", + "variation_id": 0, + "video_id": "10139" + }, + { + "bbox": [ + 100, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/cheap.mp4", + "variation_id": 0, + "video_id": "10140" + }, + { + "bbox": [ + 58, + 12, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9982.mp4", + "variation_id": 0, + "video_id": "10141" + } + ] + }, + { + "gloss": "chocolate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3005, + "frame_start": 2953, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10577" + }, + { + "bbox": [ + 29, + 7, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chocolate.swf", + "variation_id": 0, + "video_id": "10586" + }, + { + "bbox": [ + 178, + 58, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chocolate.mp4", + "variation_id": 0, + "video_id": "10587" + }, + { + "bbox": [ + 154, + 16, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHOCOLATE-77.mp4", + "variation_id": 0, + "video_id": "65354" + }, + { + "bbox": [ + 76, + 33, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91459.mp4", + "variation_id": 0, + "video_id": "10579" + }, + { + "bbox": [ + 123, + 19, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/buOvgbxk0hQ", + "variation_id": 0, + "video_id": "67497" + }, + { + "bbox": [ + 330, + 56, + 1554, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chocolate-zEiMHvlOtW8.mp4", + "variation_id": 0, + "video_id": "10580" + }, + { + "bbox": [ + 98, + 19, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466732896.1735.mp4", + "variation_id": 0, + "video_id": "10581" + }, + { + "bbox": [ + 48, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/chocolate.mp4", + "variation_id": 0, + "video_id": "10582" + }, + { + "bbox": [ + 66, + 8, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6121.mp4", + "variation_id": 0, + "video_id": "10583" + }, + { + "bbox": [ + 323, + 43, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=pxyi6YW8gOE", + "variation_id": 0, + "video_id": "10584" + }, + { + "bbox": [ + 275, + 49, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RCC4R2zpXuI", + "variation_id": 0, + "video_id": "10585" + } + ] + }, + { + "gloss": "clean", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3707, + "frame_start": 3665, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11030" + }, + { + "bbox": [ + 86, + 13, + 991, + 720 + ], + "fps": 25, + "frame_end": 68, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=_DHUt_HbbX0", + "variation_id": 0, + "video_id": "68410" + }, + { + "bbox": [ + 186, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clean.mp4", + "variation_id": 0, + "video_id": "11042" + }, + { + "bbox": [ + 159, + 17, + 466, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CL/CLEAN-431.mp4", + "variation_id": 0, + "video_id": "65365" + }, + { + "bbox": [ + 177, + 16, + 533, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/clean.mp4", + "variation_id": 0, + "video_id": "11034" + }, + { + "bbox": [ + 450, + 79, + 1487, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Clean-Pj7ONpWo7sg.mp4", + "variation_id": 0, + "video_id": "11035" + }, + { + "bbox": [ + 349, + 14, + 824, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20nice%20clean%203-pCUysyLYIwc.mp4", + "variation_id": 0, + "video_id": "11036" + }, + { + "bbox": [ + 51, + 22, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466898776.6482.mp4", + "variation_id": 0, + "video_id": "11037" + }, + { + "bbox": [ + 116, + 0, + 482, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/clean.mp4", + "variation_id": 0, + "video_id": "11038" + }, + { + "bbox": [ + 66, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/clean-up.mp4", + "variation_id": 0, + "video_id": "11039" + }, + { + "bbox": [ + 64, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7443.mp4", + "variation_id": 0, + "video_id": "11040" + }, + { + "bbox": [ + 0, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/clean.swf", + "variation_id": 0, + "video_id": "11041" + } + ] + }, + { + "gloss": "cloud", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4047, + "frame_start": 3998, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11356" + }, + { + "bbox": [ + 51, + 0, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5554.mp4", + "variation_id": 1, + "video_id": "11364" + }, + { + "bbox": [ + 132, + 33, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/clouds.mp4", + "variation_id": 1, + "video_id": "11365" + }, + { + "bbox": [ + 39, + 2, + 445, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/dHkSlCpVntU", + "variation_id": 0, + "video_id": "67506" + }, + { + "bbox": [ + 57, + 0, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/FrYXL72nqm8", + "variation_id": 0, + "video_id": "67505" + }, + { + "bbox": [ + 59, + 2, + 236, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/cloud.mov", + "variation_id": 1, + "video_id": "11357" + }, + { + "bbox": [ + 0, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51356.mp4", + "variation_id": 1, + "video_id": "11358" + }, + { + "bbox": [ + 276, + 0, + 1882, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cloud%20copy-8EI-uQvLNIQ.mp4", + "variation_id": 0, + "video_id": "11359" + }, + { + "bbox": [ + 450, + 18, + 1658, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cloud-fl-pAxYEnVQ.mp4", + "variation_id": 1, + "video_id": "11360" + }, + { + "bbox": [ + 497, + 0, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Storm%2C%20Cloud-z4eLhgM2ZyE.mp4", + "variation_id": 1, + "video_id": "11361" + }, + { + "bbox": [ + 102, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466899388.6979.mp4", + "variation_id": 1, + "video_id": "11362" + }, + { + "bbox": [ + 15, + 0, + 633, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cloud.mp4", + "variation_id": 0, + "video_id": "11363" + } + ] + }, + { + "gloss": "compare", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4987, + "frame_start": 4938, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12111" + }, + { + "bbox": [ + 0, + 22, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/compare.swf", + "variation_id": 0, + "video_id": "12121" + }, + { + "bbox": [ + 197, + 43, + 504, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/compatible.mp4", + "variation_id": 0, + "video_id": "12122" + }, + { + "bbox": [ + 161, + 24, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COMPARE-2175.mp4", + "variation_id": 0, + "video_id": "65386" + }, + { + "bbox": [ + 71, + 9, + 233, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/compare.mov", + "variation_id": 0, + "video_id": "12113" + }, + { + "bbox": [ + 36, + 13, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399318.mp4", + "variation_id": 0, + "video_id": "12114" + }, + { + "bbox": [ + 466, + 66, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Compare-qymjJkaNVeU.mp4", + "variation_id": 0, + "video_id": "12115" + }, + { + "bbox": [ + 113, + 19, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900953.4100.mp4", + "variation_id": 0, + "video_id": "12116" + }, + { + "bbox": [ + 1, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/compare.mp4", + "variation_id": 0, + "video_id": "12117" + }, + { + "bbox": [ + 48, + 12, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/24/24000.mp4", + "variation_id": 0, + "video_id": "12118" + }, + { + "bbox": [ + 253, + 23, + 1053, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=4OqSADr7ZtY", + "variation_id": 0, + "video_id": "12119" + }, + { + "bbox": [ + 253, + 23, + 1053, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4OqSADr7ZtY", + "variation_id": 0, + "video_id": "12120" + } + ] + }, + { + "gloss": "complex", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5081, + "frame_start": 5035, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12222" + }, + { + "bbox": [ + 199, + 42, + 1092, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zy9ju0c_9oo", + "variation_id": 0, + "video_id": "12229" + }, + { + "bbox": [ + 0, + 13, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/complex.swf", + "variation_id": 0, + "video_id": "12230" + }, + { + "bbox": [ + 181, + 42, + 504, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/complex.mp4", + "variation_id": 0, + "video_id": "12231" + }, + { + "bbox": [ + 155, + 16, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COMPLEX-1120.mp4", + "variation_id": 0, + "video_id": "65388" + }, + { + "bbox": [ + 159, + 19, + 503, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COMPLEX-2319.mp4", + "variation_id": 0, + "video_id": "65389" + }, + { + "bbox": [ + 89, + 11, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/JiDDTuCbAbk", + "variation_id": 0, + "video_id": "67518" + }, + { + "bbox": [ + 60, + 7, + 243, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/complex.mov", + "variation_id": 0, + "video_id": "12223" + }, + { + "bbox": [ + 577, + 57, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Complex%2C%20Complication%2C%20Encrypt-UZb3gaheuBM.mp4", + "variation_id": 0, + "video_id": "12225" + }, + { + "bbox": [ + 75, + 12, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466901146.5297.mp4", + "variation_id": 0, + "video_id": "12226" + }, + { + "bbox": [ + 73, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/complex.mp4", + "variation_id": 0, + "video_id": "12227" + }, + { + "bbox": [ + 30, + 7, + 246, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7350.mp4", + "variation_id": 0, + "video_id": "12228" + } + ] + }, + { + "gloss": "contact", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5632, + "frame_start": 5600, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12870" + }, + { + "bbox": [ + 8, + 10, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/contact.swf", + "variation_id": 0, + "video_id": "12878" + }, + { + "bbox": [ + 205, + 59, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/contact.mp4", + "variation_id": 0, + "video_id": "12879" + }, + { + "bbox": [ + 179, + 19, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONTACT-1137.mp4", + "variation_id": 0, + "video_id": "65399" + }, + { + "bbox": [ + 90, + 21, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ZL0TN3UN4nA", + "variation_id": 0, + "video_id": "67524" + }, + { + "bbox": [ + 22, + 0, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/186342.mp4", + "variation_id": 0, + "video_id": "12871" + }, + { + "bbox": [ + 50, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63603.mp4", + "variation_id": 0, + "video_id": "12872" + }, + { + "bbox": [ + 659, + 39, + 1510, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Have%20Been%20In%20Touch-yU-Wo9G0LWc.mp4", + "variation_id": 0, + "video_id": "12873" + }, + { + "bbox": [ + 111, + 22, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466902523.5535.mp4", + "variation_id": 0, + "video_id": "12874" + }, + { + "bbox": [ + 62, + 11, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/contact.mp4", + "variation_id": 0, + "video_id": "12875" + }, + { + "bbox": [ + 99, + 20, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22600.mp4", + "variation_id": 0, + "video_id": "12876" + }, + { + "bbox": [ + 91, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22601.mp4", + "variation_id": 0, + "video_id": "12877" + } + ] + }, + { + "gloss": "continue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5715, + "frame_start": 5683, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12967" + }, + { + "bbox": [ + 338, + 27, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=O9wmgMMEQ2s", + "variation_id": 0, + "video_id": "12975" + }, + { + "bbox": [ + 16, + 4, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/continue.swf", + "variation_id": 0, + "video_id": "12976" + }, + { + "bbox": [ + 85, + 19, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/r5xP82M5ctY", + "variation_id": 0, + "video_id": "67525" + }, + { + "bbox": [ + 187, + 63, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/continue.mp4", + "variation_id": 0, + "video_id": "12977" + }, + { + "bbox": [ + 51, + 5, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58491.mp4", + "variation_id": 0, + "video_id": "12968" + }, + { + "bbox": [ + 405, + 56, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/continue.mp4", + "variation_id": 0, + "video_id": "12969" + }, + { + "bbox": [ + 595, + 62, + 1655, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Continue-gSu6J2w_iZU.mp4", + "variation_id": 0, + "video_id": "12970" + }, + { + "bbox": [ + 93, + 19, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466902678.6264.mp4", + "variation_id": 0, + "video_id": "12971" + }, + { + "bbox": [ + 50, + 12, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/continue.mp4", + "variation_id": 0, + "video_id": "12972" + }, + { + "bbox": [ + 85, + 14, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6917.mp4", + "variation_id": 0, + "video_id": "12973" + }, + { + "bbox": [ + 163, + 17, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nVC-Fy1HCKs", + "variation_id": 0, + "video_id": "12974" + } + ] + }, + { + "gloss": "corner", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6220, + "frame_start": 6191, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13311" + }, + { + "bbox": [ + 144, + 35, + 480, + 480 + ], + "fps": 25, + "frame_end": 1555, + "frame_start": 1429, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70181" + }, + { + "bbox": [ + 169, + 56, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/corner.mp4", + "variation_id": 0, + "video_id": "13320" + }, + { + "bbox": [ + 179, + 18, + 498, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CORNER-1166.mp4", + "variation_id": 0, + "video_id": "65407" + }, + { + "bbox": [ + 51, + 13, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399324.mp4", + "variation_id": 0, + "video_id": "13312" + }, + { + "bbox": [ + 105, + 27, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903473.5759.mp4", + "variation_id": 0, + "video_id": "13313" + }, + { + "bbox": [ + 22, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/corner2.mp4", + "variation_id": 0, + "video_id": "13314" + }, + { + "bbox": [ + 25, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/corner.mp4", + "variation_id": 0, + "video_id": "13315" + }, + { + "bbox": [ + 71, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9533.mp4", + "variation_id": 0, + "video_id": "13316" + }, + { + "bbox": [ + 306, + 10, + 995, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=dEXhT5Od-6U", + "variation_id": 0, + "video_id": "13317" + }, + { + "bbox": [ + 330, + 21, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=s1hZ9oqTMPA", + "variation_id": 0, + "video_id": "13318" + }, + { + "bbox": [ + 20, + 10, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/corner.swf", + "variation_id": 0, + "video_id": "13319" + } + ] + }, + { + "gloss": "correct", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6267, + "frame_start": 6221, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13349" + }, + { + "bbox": [ + 21, + 6, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/correct.swf", + "variation_id": 1, + "video_id": "13357" + }, + { + "bbox": [ + 168, + 54, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/correct2.mp4", + "variation_id": 0, + "video_id": "13358" + }, + { + "bbox": [ + 166, + 14, + 522, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CORRECT-1167.mp4", + "variation_id": 0, + "video_id": "65410" + }, + { + "bbox": [ + 163, + 54, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/correct.mp4", + "variation_id": 1, + "video_id": "13359" + }, + { + "bbox": [ + 93, + 32, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93253.mp4", + "variation_id": 1, + "video_id": "13350" + }, + { + "bbox": [ + 500, + 46, + 1574, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Right%2C%20Correct-XhAAfS8YF4o.mp4", + "variation_id": 1, + "video_id": "13351" + }, + { + "bbox": [ + 126, + 24, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903512.8429.mp4", + "variation_id": 1, + "video_id": "13352" + }, + { + "bbox": [ + 129, + 0, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/correct.mp4", + "variation_id": 1, + "video_id": "13353" + }, + { + "bbox": [ + 63, + 20, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22112.mp4", + "variation_id": 0, + "video_id": "13354" + }, + { + "bbox": [ + 86, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6234.mp4", + "variation_id": 1, + "video_id": "13355" + }, + { + "bbox": [ + 63, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9905.mp4", + "variation_id": 0, + "video_id": "13356" + } + ] + }, + { + "gloss": "curse", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7375, + "frame_start": 7343, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14374" + }, + { + "bbox": [ + 318, + 38, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=nH8i7I447jI", + "variation_id": 1, + "video_id": "14382" + }, + { + "bbox": [ + 7, + 7, + 199, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/curse_1.swf", + "variation_id": 0, + "video_id": "14383" + }, + { + "bbox": [ + 16, + 16, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/curse_2.swf", + "variation_id": 1, + "video_id": "14384" + }, + { + "bbox": [ + 174, + 64, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/curse.mp4", + "variation_id": 1, + "video_id": "14385" + }, + { + "bbox": [ + 72, + 16, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96164.mp4", + "variation_id": 0, + "video_id": "14375" + }, + { + "bbox": [ + 109, + 28, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466905878.1947.mp4", + "variation_id": 1, + "video_id": "14376" + }, + { + "bbox": [ + 43, + 20, + 451, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/curse-profane.mp4", + "variation_id": 1, + "video_id": "14377" + }, + { + "bbox": [ + 66, + 15, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1396.mp4", + "variation_id": 1, + "video_id": "14378" + }, + { + "bbox": [ + 72, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4626.mp4", + "variation_id": 0, + "video_id": "14379" + }, + { + "bbox": [ + 79, + 17, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4627.mp4", + "variation_id": 0, + "video_id": "14380" + }, + { + "bbox": [ + 318, + 33, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=E1QYrDPn1JM", + "variation_id": 1, + "video_id": "14381" + } + ] + }, + { + "gloss": "dead", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 496, + "frame_start": 444, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14829" + }, + { + "bbox": [ + 344, + 33, + 949, + 720 + ], + "fps": 25, + "frame_end": 42, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=K00wetZ8n40", + "variation_id": 0, + "video_id": "68614" + }, + { + "bbox": [ + 361, + 36, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pSPtgQM_ndg", + "variation_id": 0, + "video_id": "14843" + }, + { + "bbox": [ + 2, + 17, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/dead.swf", + "variation_id": 0, + "video_id": "14844" + }, + { + "bbox": [ + 41, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 78, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399462.mp4", + "variation_id": 0, + "video_id": "14835" + }, + { + "bbox": [ + 176, + 61, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dead.mp4", + "variation_id": 0, + "video_id": "14845" + }, + { + "bbox": [ + 427, + 55, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dead.mp4", + "variation_id": 0, + "video_id": "14836" + }, + { + "bbox": [ + 141, + 21, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906721.2683.mp4", + "variation_id": 0, + "video_id": "14837" + }, + { + "bbox": [ + 85, + 0, + 486, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/dead.mp4", + "variation_id": 0, + "video_id": "14838" + }, + { + "bbox": [ + 70, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6306.mp4", + "variation_id": 0, + "video_id": "14839" + }, + { + "bbox": [ + 326, + 45, + 1056, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=CCGHLm18DPw", + "variation_id": 0, + "video_id": "14840" + }, + { + "bbox": [ + 332, + 31, + 1063, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mjdSWHryve4", + "variation_id": 0, + "video_id": "14841" + } + ] + }, + { + "gloss": "demand", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1217, + "frame_start": 1151, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15421" + }, + { + "bbox": [ + 16, + 19, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/demand.swf", + "variation_id": 0, + "video_id": "15429" + }, + { + "bbox": [ + 190, + 63, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/demand.mp4", + "variation_id": 0, + "video_id": "15430" + }, + { + "bbox": [ + 150, + 34, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEMAND-962.mp4", + "variation_id": 0, + "video_id": "65458" + }, + { + "bbox": [ + 86, + 21, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8HcUukhmwv8", + "variation_id": 0, + "video_id": "67560" + }, + { + "bbox": [ + 95, + 9, + 241, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/demand.mov", + "variation_id": 0, + "video_id": "15422" + }, + { + "bbox": [ + 56, + 17, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93927.mp4", + "variation_id": 0, + "video_id": "15423" + }, + { + "bbox": [ + 480, + 49, + 1678, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Demand%2C%20Mandatory-qQSwWmiHuXk.mp4", + "variation_id": 0, + "video_id": "15424" + }, + { + "bbox": [ + 765, + 42, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Demand%2C%20Require%2C%20Mandatory-040hwI3u85I.mp4", + "variation_id": 0, + "video_id": "15425" + }, + { + "bbox": [ + 125, + 24, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466907793.6324.mp4", + "variation_id": 0, + "video_id": "15426" + }, + { + "bbox": [ + 99, + 13, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/demand.mp4", + "variation_id": 0, + "video_id": "15427" + }, + { + "bbox": [ + 68, + 13, + 261, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1415.mp4", + "variation_id": 0, + "video_id": "15428" + } + ] + }, + { + "gloss": "depend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1624, + "frame_start": 1568, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15594" + }, + { + "bbox": [ + 7, + 21, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/depend.swf", + "variation_id": 0, + "video_id": "15609" + }, + { + "bbox": [ + 184, + 57, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/depend.mp4", + "variation_id": 0, + "video_id": "15610" + }, + { + "bbox": [ + 153, + 16, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEPEND-1241.mp4", + "variation_id": 0, + "video_id": "65465" + }, + { + "bbox": [ + 53, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456698.mp4", + "variation_id": 0, + "video_id": "15601" + }, + { + "bbox": [ + 536, + 41, + 1697, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dependant-hUqzIvP4NxU.mp4", + "variation_id": 0, + "video_id": "15602" + }, + { + "bbox": [ + 95, + 16, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908128.6642.mp4", + "variation_id": 0, + "video_id": "15603" + }, + { + "bbox": [ + 46, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/depend2.mp4", + "variation_id": 0, + "video_id": "15604" + }, + { + "bbox": [ + 51, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/depend.mp4", + "variation_id": 0, + "video_id": "15605" + }, + { + "bbox": [ + 66, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9945.mp4", + "variation_id": 0, + "video_id": "15606" + }, + { + "bbox": [ + 71, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9946.mp4", + "variation_id": 0, + "video_id": "15607" + }, + { + "bbox": [ + 267, + 37, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8E1NT-uiDXs", + "variation_id": 0, + "video_id": "15608" + } + ] + }, + { + "gloss": "desert", + "instances": [ + { + "bbox": [ + 175, + 16, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DESERT-685.mp4", + "variation_id": 0, + "video_id": "65467" + }, + { + "bbox": [ + 70, + 25, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23023.mp4", + "variation_id": 1, + "video_id": "15728" + }, + { + "bbox": [ + 323, + 43, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=sXrxAClQsIY", + "variation_id": 0, + "video_id": "15729" + }, + { + "bbox": [ + 202, + 47, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=x-n4R0gq0BY", + "variation_id": 1, + "video_id": "15730" + }, + { + "bbox": [ + 28, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 77, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/184771.mp4", + "variation_id": 1, + "video_id": "15721" + }, + { + "bbox": [ + 115, + 16, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Lr-4SpbFHR8", + "variation_id": 0, + "video_id": "67565" + }, + { + "bbox": [ + 0, + 13, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/desert.swf", + "variation_id": 0, + "video_id": "15731" + }, + { + "bbox": [ + 175, + 56, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/desert.mp4", + "variation_id": 0, + "video_id": "15732" + }, + { + "bbox": [ + 46, + 9, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63636.mp4", + "variation_id": 1, + "video_id": "15723" + }, + { + "bbox": [ + 386, + 53, + 829, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/desert.mp4", + "variation_id": 0, + "video_id": "15724" + }, + { + "bbox": [ + 84, + 16, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908354.9336.mp4", + "variation_id": 1, + "video_id": "15725" + }, + { + "bbox": [ + 4, + 0, + 315, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/desert.mp4", + "variation_id": 0, + "video_id": "15726" + } + ] + }, + { + "gloss": "desk", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2000, + "frame_start": 1888, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15769" + }, + { + "bbox": [ + 146, + 40, + 420, + 360 + ], + "fps": 25, + "frame_end": 2057, + "frame_start": 1947, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70229" + }, + { + "bbox": [ + 172, + 60, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/desk.mp4", + "variation_id": 0, + "video_id": "15781" + }, + { + "bbox": [ + 73, + 33, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93293.mp4", + "variation_id": 0, + "video_id": "15772" + }, + { + "bbox": [ + 389, + 57, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/desk.mp4", + "variation_id": 0, + "video_id": "15773" + }, + { + "bbox": [ + 558, + 75, + 1619, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Booth%2C%20Desk%2C%20Table-8QbAD7Y9UEk.mp4", + "variation_id": 0, + "video_id": "15774" + }, + { + "bbox": [ + 92, + 19, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908529.323.mp4", + "variation_id": 0, + "video_id": "15775" + }, + { + "bbox": [ + 65, + 18, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9252.mp4", + "variation_id": 0, + "video_id": "15776" + }, + { + "bbox": [ + 261, + 42, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=kmPYzPuPLWc", + "variation_id": 0, + "video_id": "15777" + }, + { + "bbox": [ + 382, + 66, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=Nu7LASnlkig", + "variation_id": 0, + "video_id": "15778" + }, + { + "bbox": [ + 13, + 10, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/d/desk_computer.swf", + "variation_id": 0, + "video_id": "15779" + }, + { + "bbox": [ + 13, + 9, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/desk.swf", + "variation_id": 0, + "video_id": "15780" + } + ] + }, + { + "gloss": "develop", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2222, + "frame_start": 2180, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15932" + }, + { + "bbox": [ + 6, + 7, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/develop.swf", + "variation_id": 0, + "video_id": "15940" + }, + { + "bbox": [ + 197, + 60, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/develop.mp4", + "variation_id": 0, + "video_id": "15941" + }, + { + "bbox": [ + 165, + 12, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEVELOP-1251.mp4", + "variation_id": 0, + "video_id": "65472" + }, + { + "bbox": [ + 165, + 16, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEVELOP-1252.mp4", + "variation_id": 0, + "video_id": "65473" + }, + { + "bbox": [ + 77, + 10, + 241, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/develop.mov", + "variation_id": 0, + "video_id": "15933" + }, + { + "bbox": [ + 77, + 36, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93295.mp4", + "variation_id": 0, + "video_id": "15934" + }, + { + "bbox": [ + 605, + 51, + 1568, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Develop-VEvCoxXSNJQ.mp4", + "variation_id": 0, + "video_id": "15935" + }, + { + "bbox": [ + 120, + 29, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466909117.2339.mp4", + "variation_id": 0, + "video_id": "15936" + }, + { + "bbox": [ + 54, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/develop.mp4", + "variation_id": 0, + "video_id": "15937" + }, + { + "bbox": [ + 79, + 12, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14850.mp4", + "variation_id": 0, + "video_id": "15938" + }, + { + "bbox": [ + 135, + 10, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ya9stWQyt6A", + "variation_id": 0, + "video_id": "15939" + } + ] + }, + { + "gloss": "dictionary", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2548, + "frame_start": 2486, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16123" + }, + { + "bbox": [ + 73, + 18, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8956.mp4", + "variation_id": 0, + "video_id": "16131" + }, + { + "bbox": [ + 334, + 14, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vKE5vsfIhYk", + "variation_id": 0, + "video_id": "16132" + }, + { + "bbox": [ + 73, + 3, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/dictionary.swf", + "variation_id": 0, + "video_id": "16133" + }, + { + "bbox": [ + 185, + 61, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dictionary.mp4", + "variation_id": 0, + "video_id": "16134" + }, + { + "bbox": [ + 85, + 10, + 241, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/dictionary.mov", + "variation_id": 0, + "video_id": "16124" + }, + { + "bbox": [ + 45, + 2, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58424.mp4", + "variation_id": 0, + "video_id": "16125" + }, + { + "bbox": [ + 423, + 56, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dictionary.mp4", + "variation_id": 0, + "video_id": "16126" + }, + { + "bbox": [ + 144, + 26, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466909494.9326.mp4", + "variation_id": 0, + "video_id": "16127" + }, + { + "bbox": [ + 126, + 0, + 526, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/dictionary2.mp4", + "variation_id": 0, + "video_id": "16128" + }, + { + "bbox": [ + 140, + 0, + 507, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/dictionary3.mp4", + "variation_id": 0, + "video_id": "16129" + }, + { + "bbox": [ + 66, + 9, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dictionary.mp4", + "variation_id": 0, + "video_id": "16130" + } + ] + }, + { + "gloss": "doll", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4072, + "frame_start": 3996, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17122" + }, + { + "bbox": [ + 397, + 34, + 924, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/doll.mp4", + "variation_id": 0, + "video_id": "69299" + }, + { + "bbox": [ + 141, + 35, + 444, + 346 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Wcdr5zaHoEw", + "variation_id": 0, + "video_id": "17151" + }, + { + "bbox": [ + 0, + 13, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/doll.swf", + "variation_id": 0, + "video_id": "17152" + }, + { + "bbox": [ + 189, + 66, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/doll.mp4", + "variation_id": 0, + "video_id": "17153" + }, + { + "bbox": [ + 149, + 15, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOLL-112.mp4", + "variation_id": 0, + "video_id": "65510" + }, + { + "bbox": [ + 39, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 53, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51570.mp4", + "variation_id": 0, + "video_id": "17144" + }, + { + "bbox": [ + 123, + 17, + 361, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9EilzlM1iSk", + "variation_id": 0, + "video_id": "67580" + }, + { + "bbox": [ + 368, + 10, + 813, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Doll-amJnDUPkqbk.mp4", + "variation_id": 0, + "video_id": "17145" + }, + { + "bbox": [ + 68, + 8, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1467772716.4688.mp4", + "variation_id": 0, + "video_id": "17146" + }, + { + "bbox": [ + 83, + 17, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7194.mp4", + "variation_id": 0, + "video_id": "17149" + }, + { + "bbox": [ + 342, + 52, + 908, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-pmtb5ajCJQ", + "variation_id": 0, + "video_id": "17150" + } + ] + }, + { + "gloss": "duty", + "instances": [ + { + "bbox": [ + 214, + 36, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DU/DUTY-1283.mp4", + "variation_id": 0, + "video_id": "65554" + }, + { + "bbox": [ + 302, + 37, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=thEjS6v2GPQ", + "variation_id": 0, + "video_id": "18066" + }, + { + "bbox": [ + 8, + 12, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/duty.swf", + "variation_id": 0, + "video_id": "18067" + }, + { + "bbox": [ + 68, + 35, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93333.mp4", + "variation_id": 0, + "video_id": "18058" + }, + { + "bbox": [ + 198, + 61, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/duty.mp4", + "variation_id": 0, + "video_id": "18068" + }, + { + "bbox": [ + 63, + 13, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206993.6631.mp4", + "variation_id": 0, + "video_id": "18059" + }, + { + "bbox": [ + 128, + 8, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/duty.mp4", + "variation_id": 0, + "video_id": "18060" + }, + { + "bbox": [ + 56, + 10, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1469.mp4", + "variation_id": 0, + "video_id": "18061" + }, + { + "bbox": [ + 354, + 37, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=4u2cu6oIYmM", + "variation_id": 0, + "video_id": "18062" + }, + { + "bbox": [ + 332, + 32, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=5LKzEJlnM5E", + "variation_id": 0, + "video_id": "18063" + }, + { + "bbox": [ + 303, + 36, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=7nqeE5Z04iA", + "variation_id": 0, + "video_id": "18064" + }, + { + "bbox": [ + 320, + 37, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EZj07NEY8I4", + "variation_id": 0, + "video_id": "18065" + } + ] + }, + { + "gloss": "easter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 618, + "frame_start": 552, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18271" + }, + { + "bbox": [ + 588, + 106, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Easter%203-3FKwqGrqn_Y.mp4", + "variation_id": 0, + "video_id": "18275" + }, + { + "bbox": [ + 104, + 11, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468347770.9131.mp4", + "variation_id": 0, + "video_id": "18276" + }, + { + "bbox": [ + 52, + 17, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/easter.mp4", + "variation_id": 0, + "video_id": "18277" + }, + { + "bbox": [ + 6, + 0, + 638, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 74, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/easter-old.mp4", + "variation_id": 0, + "video_id": "18278" + }, + { + "bbox": [ + 85, + 24, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22299.mp4", + "variation_id": 0, + "video_id": "18279" + }, + { + "bbox": [ + 85, + 24, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22300.mp4", + "variation_id": 0, + "video_id": "18280" + }, + { + "bbox": [ + 165, + 4, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EASTER-2883.mp4", + "variation_id": 0, + "video_id": "65599" + }, + { + "bbox": [ + 284, + 17, + 998, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ZVHoG7GIGy4", + "variation_id": 0, + "video_id": "18282" + }, + { + "bbox": [ + 0, + 2, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/easter.swf", + "variation_id": 0, + "video_id": "18283" + }, + { + "bbox": [ + 48, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456810.mp4", + "variation_id": 0, + "video_id": "18272" + }, + { + "bbox": [ + 414, + 57, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/easter.mp4", + "variation_id": 0, + "video_id": "18273" + } + ] + }, + { + "gloss": "egypt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 858, + "frame_start": 809, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18521" + }, + { + "bbox": [ + 73, + 1, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5756.mp4", + "variation_id": 0, + "video_id": "18528" + }, + { + "bbox": [ + 261, + 40, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=itbCm4U_kg4", + "variation_id": 0, + "video_id": "18529" + }, + { + "bbox": [ + 235, + 29, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Ki43Mv6uptI", + "variation_id": 0, + "video_id": "18530" + }, + { + "bbox": [ + 157, + 8, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EG/EGYPT-2580.mp4", + "variation_id": 0, + "video_id": "65609" + }, + { + "bbox": [ + 94, + 21, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ofSGyCpfgWA", + "variation_id": 0, + "video_id": "67614" + }, + { + "bbox": [ + 32, + 5, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/egypt.swf", + "variation_id": 0, + "video_id": "18531" + }, + { + "bbox": [ + 175, + 53, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/egypt.mp4", + "variation_id": 0, + "video_id": "18532" + }, + { + "bbox": [ + 42, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455305.mp4", + "variation_id": 0, + "video_id": "18522" + }, + { + "bbox": [ + 351, + 50, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/egypt.mp4", + "variation_id": 0, + "video_id": "18523" + }, + { + "bbox": [ + 460, + 134, + 1367, + 1063 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Egypt%202-YnvuDZ2eDdo.mp4", + "variation_id": 0, + "video_id": "18524" + }, + { + "bbox": [ + 83, + 6, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468348353.5153.mp4", + "variation_id": 0, + "video_id": "18526" + } + ] + }, + { + "gloss": "elevator", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1151, + "frame_start": 1092, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18785" + }, + { + "bbox": [ + 88, + 34, + 493, + 480 + ], + "fps": 25, + "frame_end": 4538, + "frame_start": 4401, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70195" + }, + { + "bbox": [ + 336, + 22, + 990, + 720 + ], + "fps": 25, + "frame_end": 99, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=tf5ZXLGyXII", + "variation_id": 0, + "video_id": "68910" + }, + { + "bbox": [ + 69, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/elevator-ca.mp4", + "variation_id": 0, + "video_id": "18792" + }, + { + "bbox": [ + 29, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/elevator-us.mp4", + "variation_id": 0, + "video_id": "18793" + }, + { + "bbox": [ + 81, + 24, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22824.mp4", + "variation_id": 0, + "video_id": "18796" + }, + { + "bbox": [ + 165, + 20, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EL/ELEVATOR-2171.mp4", + "variation_id": 0, + "video_id": "65621" + }, + { + "bbox": [ + 70, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456835.mp4", + "variation_id": 0, + "video_id": "18788" + }, + { + "bbox": [ + 330, + 29, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ztBZaV2yoxs", + "variation_id": 0, + "video_id": "18799" + }, + { + "bbox": [ + 185, + 54, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/elevator.mp4", + "variation_id": 0, + "video_id": "18801" + }, + { + "bbox": [ + 394, + 54, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/elevator.mp4", + "variation_id": 0, + "video_id": "18790" + }, + { + "bbox": [ + 125, + 10, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468348976.5055.mp4", + "variation_id": 0, + "video_id": "18791" + } + ] + }, + { + "gloss": "email", + "instances": [ + { + "bbox": [ + 583, + 75, + 1636, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Email-w_xtcWTphsc.mp4", + "variation_id": 0, + "video_id": "18873" + }, + { + "bbox": [ + 82, + 6, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468207109.1561.mp4", + "variation_id": 0, + "video_id": "18875" + }, + { + "bbox": [ + 61, + 0, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/email.mp4", + "variation_id": 0, + "video_id": "18876" + }, + { + "bbox": [ + 166, + 10, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EM/EMAIL-2755.mp4", + "variation_id": 0, + "video_id": "65625" + }, + { + "bbox": [ + 16, + 0, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/email-noun.mp4", + "variation_id": 0, + "video_id": "18877" + }, + { + "bbox": [ + 78, + 7, + 412, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yi2gZ2Bhox0", + "variation_id": 0, + "video_id": "67618" + }, + { + "bbox": [ + 80, + 17, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/154574.mp4", + "variation_id": 0, + "video_id": "18871" + }, + { + "bbox": [ + 16, + 0, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/email-verb.mp4", + "variation_id": 0, + "video_id": "18878" + }, + { + "bbox": [ + 62, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/4/4110.mp4", + "variation_id": 0, + "video_id": "18879" + }, + { + "bbox": [ + 74, + 8, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6014.mp4", + "variation_id": 0, + "video_id": "18880" + }, + { + "bbox": [ + 272, + 27, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ps1Uf6J_khw", + "variation_id": 0, + "video_id": "18882" + }, + { + "bbox": [ + 277, + 28, + 995, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QPKfFDenOPg", + "variation_id": 0, + "video_id": "18883" + } + ] + }, + { + "gloss": "end", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1505, + "frame_start": 1469, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19103" + }, + { + "bbox": [ + 309, + 23, + 971, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yc6gt7W3LM8", + "variation_id": 0, + "video_id": "19117" + }, + { + "bbox": [ + 9, + 9, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/end.swf", + "variation_id": 0, + "video_id": "19118" + }, + { + "bbox": [ + 4, + 0, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456878.mp4", + "variation_id": 0, + "video_id": "19109" + }, + { + "bbox": [ + 183, + 53, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/end.mp4", + "variation_id": 0, + "video_id": "19119" + }, + { + "bbox": [ + 669, + 38, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20End%2C%20Complete%2C%20Over%2C%20Finished-Y8kF63nbYEc.mp4", + "variation_id": 0, + "video_id": "19110" + }, + { + "bbox": [ + 63, + 8, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376103.2104.mp4", + "variation_id": 0, + "video_id": "19111" + }, + { + "bbox": [ + 74, + 12, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/end.mp4", + "variation_id": 0, + "video_id": "19112" + }, + { + "bbox": [ + 74, + 11, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/end-side.mp4", + "variation_id": 0, + "video_id": "19113" + }, + { + "bbox": [ + 71, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6062.mp4", + "variation_id": 0, + "video_id": "19114" + }, + { + "bbox": [ + 74, + 7, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6063.mp4", + "variation_id": 0, + "video_id": "19115" + }, + { + "bbox": [ + 156, + 9, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yc6gt7W3LM8", + "variation_id": 0, + "video_id": "19116" + } + ] + }, + { + "gloss": "enter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1968, + "frame_start": 1939, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19325" + }, + { + "bbox": [ + 135, + 23, + 503, + 480 + ], + "fps": 25, + "frame_end": 6200, + "frame_start": 6074, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70146" + }, + { + "bbox": [ + 22, + 1, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/enter.swf", + "variation_id": 0, + "video_id": "19334" + }, + { + "bbox": [ + 222, + 45, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/enter.mp4", + "variation_id": 0, + "video_id": "19335" + }, + { + "bbox": [ + 59, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456903.mp4", + "variation_id": 0, + "video_id": "19326" + }, + { + "bbox": [ + 187, + 17, + 529, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/enter.mp4", + "variation_id": 0, + "video_id": "19327" + }, + { + "bbox": [ + 76, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376534.3986.mp4", + "variation_id": 0, + "video_id": "19328" + }, + { + "bbox": [ + 70, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/enter.mp4", + "variation_id": 0, + "video_id": "19329" + }, + { + "bbox": [ + 59, + 22, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22257.mp4", + "variation_id": 0, + "video_id": "19330" + }, + { + "bbox": [ + 257, + 31, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=4Vr7PfO6LHI", + "variation_id": 0, + "video_id": "19331" + }, + { + "bbox": [ + 243, + 37, + 1013, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=OpIL52odnrM", + "variation_id": 0, + "video_id": "19332" + }, + { + "bbox": [ + 278, + 42, + 1028, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=x9nC_9QylBA", + "variation_id": 0, + "video_id": "19333" + } + ] + }, + { + "gloss": "europe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2394, + "frame_start": 2332, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19679" + }, + { + "bbox": [ + 60, + 4, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5725.mp4", + "variation_id": 0, + "video_id": "19692" + }, + { + "bbox": [ + 295, + 17, + 936, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TXRP_YqDi6Q", + "variation_id": 0, + "video_id": "19693" + }, + { + "bbox": [ + 4, + 6, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/e/europe.swf", + "variation_id": 0, + "video_id": "19694" + }, + { + "bbox": [ + 41, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455230.mp4", + "variation_id": 0, + "video_id": "19685" + }, + { + "bbox": [ + 95, + 21, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/JrqeaM5paUI", + "variation_id": 0, + "video_id": "67631" + }, + { + "bbox": [ + 161, + 54, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/europe.mp4", + "variation_id": 0, + "video_id": "19695" + }, + { + "bbox": [ + 389, + 57, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/europe.mp4", + "variation_id": 0, + "video_id": "19686" + }, + { + "bbox": [ + 477, + 42, + 1559, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Europe%202-2vse9YNrvw8.mp4", + "variation_id": 0, + "video_id": "19687" + }, + { + "bbox": [ + 554, + 43, + 1559, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Europe-r3fEbElsKUQ.mp4", + "variation_id": 0, + "video_id": "19688" + }, + { + "bbox": [ + 57, + 9, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468377428.7389.mp4", + "variation_id": 0, + "video_id": "19689" + }, + { + "bbox": [ + 32, + 27, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/europe2.mp4", + "variation_id": 0, + "video_id": "19690" + } + ] + }, + { + "gloss": "event", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2528, + "frame_start": 2492, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19752" + }, + { + "bbox": [ + 296, + 38, + 990, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qi0fDvADXRQ", + "variation_id": 0, + "video_id": "19767" + }, + { + "bbox": [ + 308, + 36, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z2SVUgyUxPk", + "variation_id": 1, + "video_id": "19768" + }, + { + "bbox": [ + 0, + 5, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/event.swf", + "variation_id": 1, + "video_id": "19769" + }, + { + "bbox": [ + 164, + 29, + 506, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EV/EVENT-1325.mp4", + "variation_id": 0, + "video_id": "65647" + }, + { + "bbox": [ + 53, + 0, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455235.mp4", + "variation_id": 1, + "video_id": "19760" + }, + { + "bbox": [ + 179, + 55, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/event.mp4", + "variation_id": 1, + "video_id": "19770" + }, + { + "bbox": [ + 36, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455236.mp4", + "variation_id": 0, + "video_id": "19761" + }, + { + "bbox": [ + 107, + 4, + 616, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468377571.9766.mp4", + "variation_id": 0, + "video_id": "19762" + }, + { + "bbox": [ + 31, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/event.mp4", + "variation_id": 0, + "video_id": "19763" + }, + { + "bbox": [ + 67, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6205.mp4", + "variation_id": 0, + "video_id": "19765" + }, + { + "bbox": [ + 58, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9018.mp4", + "variation_id": 1, + "video_id": "19766" + } + ] + }, + { + "gloss": "exchange", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3079, + "frame_start": 3023, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20137" + }, + { + "bbox": [ + 24, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/exchange.mp4", + "variation_id": 0, + "video_id": "20144" + }, + { + "bbox": [ + 53, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14028.mp4", + "variation_id": 0, + "video_id": "20145" + }, + { + "bbox": [ + 59, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8890.mp4", + "variation_id": 0, + "video_id": "20146" + }, + { + "bbox": [ + 52, + 8, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8891.mp4", + "variation_id": 0, + "video_id": "20147" + }, + { + "bbox": [ + 13, + 5, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/exchange.swf", + "variation_id": 0, + "video_id": "20148" + }, + { + "bbox": [ + 213, + 49, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/exchange.mp4", + "variation_id": 0, + "video_id": "20149" + }, + { + "bbox": [ + 24, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455576.mp4", + "variation_id": 0, + "video_id": "20139" + }, + { + "bbox": [ + 643, + 59, + 1743, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trade%2C%20Exchange%202-Rdy6C3yWU9g.mp4", + "variation_id": 0, + "video_id": "20141" + }, + { + "bbox": [ + 690, + 89, + 1709, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trade%2C%20Exchange-mrIg6AlheOY.mp4", + "variation_id": 0, + "video_id": "20142" + }, + { + "bbox": [ + 35, + 13, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378472.7557.mp4", + "variation_id": 0, + "video_id": "20143" + } + ] + }, + { + "gloss": "experience", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3322, + "frame_start": 3280, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20374" + }, + { + "bbox": [ + 0, + 5, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/experience.swf", + "variation_id": 0, + "video_id": "20385" + }, + { + "bbox": [ + 179, + 56, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/experience.mp4", + "variation_id": 0, + "video_id": "20386" + }, + { + "bbox": [ + 180, + 16, + 479, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXPERIENCE-789.mp4", + "variation_id": 0, + "video_id": "65659" + }, + { + "bbox": [ + 80, + 11, + 243, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/experience.mov", + "variation_id": 0, + "video_id": "20378" + }, + { + "bbox": [ + 97, + 8, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rhlK_RrPVkw", + "variation_id": 0, + "video_id": "67635" + }, + { + "bbox": [ + 79, + 13, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91392.mp4", + "variation_id": 0, + "video_id": "20379" + }, + { + "bbox": [ + 39, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468379311.5071.mp4", + "variation_id": 0, + "video_id": "20380" + }, + { + "bbox": [ + 161, + 29, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 34, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546573444.2169.mp4", + "variation_id": 0, + "video_id": "20381" + }, + { + "bbox": [ + 60, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/experience.mp4", + "variation_id": 0, + "video_id": "20382" + }, + { + "bbox": [ + 57, + 20, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23200.mp4", + "variation_id": 0, + "video_id": "20383" + }, + { + "bbox": [ + 99, + 9, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m03M4FcaC9Q", + "variation_id": 0, + "video_id": "20384" + } + ] + }, + { + "gloss": "face", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 90, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20693" + }, + { + "bbox": [ + 43, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/face.mp4", + "variation_id": 0, + "video_id": "20703" + }, + { + "bbox": [ + 61, + 9, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9612.mp4", + "variation_id": 0, + "video_id": "20706" + }, + { + "bbox": [ + 251, + 54, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=vToOzx3lsVQ", + "variation_id": 0, + "video_id": "20708" + }, + { + "bbox": [ + 155, + 26, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FACE-1375.mp4", + "variation_id": 0, + "video_id": "65668" + }, + { + "bbox": [ + 145, + 29, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FACE-1376.mp4", + "variation_id": 0, + "video_id": "65669" + }, + { + "bbox": [ + 60, + 13, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91398.mp4", + "variation_id": 0, + "video_id": "20699" + }, + { + "bbox": [ + 22, + 9, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/face.swf", + "variation_id": 0, + "video_id": "20709" + }, + { + "bbox": [ + 231, + 32, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/face.mp4", + "variation_id": 0, + "video_id": "20711" + }, + { + "bbox": [ + 582, + 46, + 1579, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Appearance%2C%20Face-9N504J6SXGE.mp4", + "variation_id": 0, + "video_id": "20700" + }, + { + "bbox": [ + 614, + 46, + 1551, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Face%20copy-PeQLdvjfrSE.mp4", + "variation_id": 0, + "video_id": "20701" + }, + { + "bbox": [ + 86, + 5, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468462653.920.mp4", + "variation_id": 0, + "video_id": "20702" + } + ] + }, + { + "gloss": "fail", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 220, + "frame_start": 178, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20792" + }, + { + "bbox": [ + 138, + 24, + 500, + 480 + ], + "fps": 25, + "frame_end": 4275, + "frame_start": 4156, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70100" + }, + { + "bbox": [ + 224, + 35, + 478, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fail.mp4", + "variation_id": 0, + "video_id": "20801" + }, + { + "bbox": [ + 52, + 21, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAIL-594.mp4", + "variation_id": 0, + "video_id": "65672" + }, + { + "bbox": [ + 59, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455618.mp4", + "variation_id": 0, + "video_id": "20793" + }, + { + "bbox": [ + 447, + 48, + 1574, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fail-ZIHE2gTtSAo.mp4", + "variation_id": 0, + "video_id": "20794" + }, + { + "bbox": [ + 73, + 18, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468462924.8824.mp4", + "variation_id": 0, + "video_id": "20795" + }, + { + "bbox": [ + 58, + 4, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fail.mp4", + "variation_id": 0, + "video_id": "20796" + }, + { + "bbox": [ + 70, + 16, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9404.mp4", + "variation_id": 0, + "video_id": "20797" + }, + { + "bbox": [ + 307, + 20, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=9MI8ABNJepc", + "variation_id": 0, + "video_id": "20798" + }, + { + "bbox": [ + 302, + 49, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=H0M84NM6rw8", + "variation_id": 0, + "video_id": "20799" + }, + { + "bbox": [ + 1, + 7, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fail.swf", + "variation_id": 0, + "video_id": "20800" + } + ] + }, + { + "gloss": "feed", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1028, + "frame_start": 936, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21393" + }, + { + "bbox": [ + 200, + 33, + 1065, + 720 + ], + "fps": 25, + "frame_end": 85, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=J7bsYpcMqOY", + "variation_id": 0, + "video_id": "68582" + }, + { + "bbox": [ + 212, + 37, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/feed.mp4", + "variation_id": 0, + "video_id": "21417" + }, + { + "bbox": [ + 533, + 70, + 1573, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Feed-wqa_NFnOK3I.mp4", + "variation_id": 0, + "video_id": "21408" + }, + { + "bbox": [ + 91, + 12, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463977.5294.mp4", + "variation_id": 0, + "video_id": "21409" + }, + { + "bbox": [ + 57, + 18, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/feed.mp4", + "variation_id": 0, + "video_id": "21410" + }, + { + "bbox": [ + 89, + 19, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23273.mp4", + "variation_id": 0, + "video_id": "21411" + }, + { + "bbox": [ + 82, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7423.mp4", + "variation_id": 0, + "video_id": "21412" + }, + { + "bbox": [ + 74, + 16, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7424.mp4", + "variation_id": 0, + "video_id": "21413" + }, + { + "bbox": [ + 352, + 22, + 1107, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=kbsIHVA4oY8", + "variation_id": 0, + "video_id": "21414" + }, + { + "bbox": [ + 330, + 36, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=WMBf9Le-FMw", + "variation_id": 0, + "video_id": "21415" + }, + { + "bbox": [ + 23, + 9, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/feed.swf", + "variation_id": 0, + "video_id": "21416" + } + ] + }, + { + "gloss": "few", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1218, + "frame_start": 1176, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21548" + }, + { + "bbox": [ + 83, + 17, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7948.mp4", + "variation_id": 0, + "video_id": "21557" + }, + { + "bbox": [ + 362, + 19, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1NajyFDqZho", + "variation_id": 0, + "video_id": "21558" + }, + { + "bbox": [ + 353, + 47, + 897, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=jU6JOj4UucI", + "variation_id": 0, + "video_id": "21559" + }, + { + "bbox": [ + 51, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455646.mp4", + "variation_id": 0, + "video_id": "21551" + }, + { + "bbox": [ + 101, + 23, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/K5j_WJsthY0", + "variation_id": 0, + "video_id": "67652" + }, + { + "bbox": [ + 397, + 81, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 7, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=zMk164bbc24", + "variation_id": 0, + "video_id": "21561" + }, + { + "bbox": [ + 23, + 21, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/few.swf", + "variation_id": 0, + "video_id": "21562" + }, + { + "bbox": [ + 214, + 39, + 467, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/few.mp4", + "variation_id": 0, + "video_id": "21563" + }, + { + "bbox": [ + 426, + 54, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/few.mp4", + "variation_id": 0, + "video_id": "21552" + }, + { + "bbox": [ + 101, + 7, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468493277.1784.mp4", + "variation_id": 0, + "video_id": "21554" + }, + { + "bbox": [ + 123, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/few.mp4", + "variation_id": 0, + "video_id": "21555" + } + ] + }, + { + "gloss": "flag", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1711, + "frame_start": 1645, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22269" + }, + { + "bbox": [ + 0, + 6, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/flag.swf", + "variation_id": 0, + "video_id": "22279" + }, + { + "bbox": [ + 155, + 44, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/flag.mp4", + "variation_id": 0, + "video_id": "22280" + }, + { + "bbox": [ + 160, + 15, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FL/FLAG-460.mp4", + "variation_id": 0, + "video_id": "65739" + }, + { + "bbox": [ + 63, + 12, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/flag.mov", + "variation_id": 0, + "video_id": "22272" + }, + { + "bbox": [ + 94, + 9, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/wX3nAn_EbyQ", + "variation_id": 0, + "video_id": "67669" + }, + { + "bbox": [ + 44, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455688.mp4", + "variation_id": 0, + "video_id": "22273" + }, + { + "bbox": [ + 101, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468512478.2795.mp4", + "variation_id": 0, + "video_id": "22274" + }, + { + "bbox": [ + 71, + 1, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/flag.mp4", + "variation_id": 0, + "video_id": "22275" + }, + { + "bbox": [ + 91, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8241.mp4", + "variation_id": 0, + "video_id": "22276" + }, + { + "bbox": [ + 307, + 27, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=EkskxmFHGBA", + "variation_id": 0, + "video_id": "22277" + }, + { + "bbox": [ + 379, + 38, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zu9WVXM4_AM", + "variation_id": 0, + "video_id": "22278" + } + ] + }, + { + "gloss": "food", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2344, + "frame_start": 2282, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22739" + }, + { + "bbox": [ + 355, + 38, + 930, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/food.mp4", + "variation_id": 0, + "video_id": "69330" + }, + { + "bbox": [ + 105, + 0, + 1166, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhU8iSsKPI0", + "variation_id": 0, + "video_id": "68052" + }, + { + "bbox": [ + 154, + 26, + 465, + 480 + ], + "fps": 25, + "frame_end": 346, + "frame_start": 273, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70058" + }, + { + "bbox": [ + 49, + 3, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74992.mp4", + "variation_id": 0, + "video_id": "22743" + }, + { + "bbox": [ + 237, + 16, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/food.mp4", + "variation_id": 0, + "video_id": "22744" + }, + { + "bbox": [ + 268, + 8, + 594, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Food.mp4", + "variation_id": 0, + "video_id": "22745" + }, + { + "bbox": [ + 109, + 16, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513144.2894.mp4", + "variation_id": 0, + "video_id": "22746" + }, + { + "bbox": [ + 65, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/food.mp4", + "variation_id": 0, + "video_id": "22747" + }, + { + "bbox": [ + 82, + 4, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14883.mp4", + "variation_id": 0, + "video_id": "22748" + }, + { + "bbox": [ + 28, + 19, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/f/food.swf", + "variation_id": 0, + "video_id": "22749" + }, + { + "bbox": [ + 193, + 55, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eat.mp4", + "variation_id": 0, + "video_id": "22750" + } + ] + }, + { + "gloss": "for", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2434, + "frame_start": 2385, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22836" + }, + { + "bbox": [ + 144, + 46, + 411, + 360 + ], + "fps": 25, + "frame_end": 6460, + "frame_start": 6354, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WGfiiDgrq1I", + "variation_id": 0, + "video_id": "70273" + }, + { + "bbox": [ + 155, + 52, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/for.mp4", + "variation_id": 0, + "video_id": "23000" + }, + { + "bbox": [ + 110, + 12, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOR-135.mp4", + "variation_id": 0, + "video_id": "65756" + }, + { + "bbox": [ + 480, + 46, + 1649, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20For-kltMrxkxDJw.mp4", + "variation_id": 0, + "video_id": "22993" + }, + { + "bbox": [ + 87, + 10, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RVEhF9vh9BA", + "variation_id": 0, + "video_id": "67675" + }, + { + "bbox": [ + 24, + 9, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513257.8825.mp4", + "variation_id": 0, + "video_id": "22994" + }, + { + "bbox": [ + 69, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/for.mp4", + "variation_id": 0, + "video_id": "22995" + }, + { + "bbox": [ + 40, + 10, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9373.mp4", + "variation_id": 0, + "video_id": "22996" + }, + { + "bbox": [ + 60, + 25, + 447, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=9TDUyj91G7E", + "variation_id": 0, + "video_id": "22997" + }, + { + "bbox": [ + 208, + 0, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=9TDUyj91G7E", + "variation_id": 0, + "video_id": "22998" + }, + { + "bbox": [ + 17, + 8, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/for.swf", + "variation_id": 0, + "video_id": "22999" + } + ] + }, + { + "gloss": "form", + "instances": [ + { + "bbox": [ + 54, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456358.mp4", + "variation_id": 0, + "video_id": "23042" + }, + { + "bbox": [ + 61, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/form-apply.mp4", + "variation_id": 0, + "video_id": "23047" + }, + { + "bbox": [ + 52, + 11, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1587.mp4", + "variation_id": 0, + "video_id": "23049" + }, + { + "bbox": [ + 73, + 24, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22337.mp4", + "variation_id": 1, + "video_id": "23050" + }, + { + "bbox": [ + 81, + 23, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22338.mp4", + "variation_id": 1, + "video_id": "23051" + }, + { + "bbox": [ + 259, + 36, + 998, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=K3jVXZm_PFQ", + "variation_id": 1, + "video_id": "23053" + }, + { + "bbox": [ + 15, + 8, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/form.swf", + "variation_id": 1, + "video_id": "23054" + }, + { + "bbox": [ + 178, + 50, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fix.mp4", + "variation_id": 1, + "video_id": "23055" + }, + { + "bbox": [ + 170, + 45, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/form.mp4", + "variation_id": 0, + "video_id": "23056" + }, + { + "bbox": [ + 649, + 66, + 1731, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Frame%202-aJaYGpr0g0I.mp4", + "variation_id": 0, + "video_id": "23043" + }, + { + "bbox": [ + 71, + 2, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468513555.1670.mp4", + "variation_id": 0, + "video_id": "23045" + }, + { + "bbox": [ + 78, + 7, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468513584.6685.mp4", + "variation_id": 1, + "video_id": "23046" + } + ] + }, + { + "gloss": "freeze", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2985, + "frame_start": 2939, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23439" + }, + { + "bbox": [ + 69, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/freeze.swf", + "variation_id": 0, + "video_id": "23450" + }, + { + "bbox": [ + 223, + 42, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ice.mp4", + "variation_id": 0, + "video_id": "23451" + }, + { + "bbox": [ + 155, + 18, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FREEZE-580.mp4", + "variation_id": 0, + "video_id": "65779" + }, + { + "bbox": [ + 84, + 11, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/freeze.mov", + "variation_id": 0, + "video_id": "23442" + }, + { + "bbox": [ + 63, + 15, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/154647.mp4", + "variation_id": 0, + "video_id": "23443" + }, + { + "bbox": [ + 570, + 51, + 1821, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Freeze%2C%20Frozen-7wap9oPLqjI.mp4", + "variation_id": 0, + "video_id": "23444" + }, + { + "bbox": [ + 44, + 9, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665092.1568.mp4", + "variation_id": 0, + "video_id": "23445" + }, + { + "bbox": [ + 56, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/freeze2.mp4", + "variation_id": 0, + "video_id": "23446" + }, + { + "bbox": [ + 60, + 7, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/freeze.mp4", + "variation_id": 0, + "video_id": "23447" + }, + { + "bbox": [ + 85, + 17, + 235, + 190 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7950.mp4", + "variation_id": 0, + "video_id": "23448" + }, + { + "bbox": [ + 313, + 92, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=oeJhgSKJv98", + "variation_id": 0, + "video_id": "23449" + } + ] + }, + { + "gloss": "friday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3082, + "frame_start": 3036, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23541" + }, + { + "bbox": [ + 163, + 17, + 473, + 480 + ], + "fps": 25, + "frame_end": 1643, + "frame_start": 1537, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70027" + }, + { + "bbox": [ + 42, + 8, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/friday.mp4", + "variation_id": 0, + "video_id": "23546" + }, + { + "bbox": [ + 81, + 7, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6021.mp4", + "variation_id": 0, + "video_id": "23548" + }, + { + "bbox": [ + 352, + 42, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ed00ZvaLeo4", + "variation_id": 0, + "video_id": "23550" + }, + { + "bbox": [ + 151, + 18, + 451, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FRIDAY-558.mp4", + "variation_id": 0, + "video_id": "65781" + }, + { + "bbox": [ + 98, + 10, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/maSirPyEQ7o", + "variation_id": 0, + "video_id": "67690" + }, + { + "bbox": [ + 26, + 1, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/f/friday_13th.swf", + "variation_id": 0, + "video_id": "23551" + }, + { + "bbox": [ + 62, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456371.mp4", + "variation_id": 0, + "video_id": "23542" + }, + { + "bbox": [ + 402, + 52, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/friday.mp4", + "variation_id": 0, + "video_id": "23543" + }, + { + "bbox": [ + 521, + 8, + 1364, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 3, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Friday-H9vlB0A119o.mp4", + "variation_id": 0, + "video_id": "23544" + }, + { + "bbox": [ + 127, + 15, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514179.4506.mp4", + "variation_id": 0, + "video_id": "23545" + } + ] + }, + { + "gloss": "front", + "instances": [ + { + "bbox": [ + 122, + 22, + 518, + 480 + ], + "fps": 25, + "frame_end": 4007, + "frame_start": 3895, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70163" + }, + { + "bbox": [ + 0, + 11, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/front.swf", + "variation_id": 0, + "video_id": "23672" + }, + { + "bbox": [ + 175, + 50, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/front.mp4", + "variation_id": 0, + "video_id": "23673" + }, + { + "bbox": [ + 153, + 17, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FRONT-138.mp4", + "variation_id": 0, + "video_id": "65786" + }, + { + "bbox": [ + 18, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456375.mp4", + "variation_id": 0, + "video_id": "23664" + }, + { + "bbox": [ + 52, + 21, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/86TZftf98zc", + "variation_id": 0, + "video_id": "67695" + }, + { + "bbox": [ + 299, + 50, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/front.mp4", + "variation_id": 0, + "video_id": "23665" + }, + { + "bbox": [ + 511, + 67, + 1613, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Front%20Redo-W3mBRT_DJeA.mp4", + "variation_id": 0, + "video_id": "23666" + }, + { + "bbox": [ + 399, + 0, + 1356, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 3, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Front-ihtOWVTDdoM.mp4", + "variation_id": 0, + "video_id": "23667" + }, + { + "bbox": [ + 16, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468514312.2057.mp4", + "variation_id": 0, + "video_id": "23668" + }, + { + "bbox": [ + 0, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/front.mp4", + "variation_id": 0, + "video_id": "23669" + }, + { + "bbox": [ + 46, + 3, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14001.mp4", + "variation_id": 0, + "video_id": "23670" + } + ] + }, + { + "gloss": "giraffe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 719, + "frame_start": 670, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24580" + }, + { + "bbox": [ + 12, + 6, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/giraffe.swf", + "variation_id": 0, + "video_id": "24588" + }, + { + "bbox": [ + 157, + 0, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/giraffe.mp4", + "variation_id": 0, + "video_id": "24589" + }, + { + "bbox": [ + 137, + 26, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GI/GIRAFFE-1878.mp4", + "variation_id": 0, + "video_id": "65816" + }, + { + "bbox": [ + 82, + 5, + 409, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/vxXfHCjMLvI", + "variation_id": 0, + "video_id": "67708" + }, + { + "bbox": [ + 52, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456445.mp4", + "variation_id": 0, + "video_id": "24581" + }, + { + "bbox": [ + 194, + 14, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/giraffe.mp4", + "variation_id": 0, + "video_id": "24582" + }, + { + "bbox": [ + 622, + 67, + 1533, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Giraffe-0HFDIQrgx98.mp4", + "variation_id": 0, + "video_id": "24583" + }, + { + "bbox": [ + 19, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468548883.5088.mp4", + "variation_id": 0, + "video_id": "24584" + }, + { + "bbox": [ + 68, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/giraffe.mp4", + "variation_id": 0, + "video_id": "24585" + }, + { + "bbox": [ + 64, + 0, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7429.mp4", + "variation_id": 0, + "video_id": "24586" + }, + { + "bbox": [ + 330, + 27, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=zvCy8r0ZUgM", + "variation_id": 0, + "video_id": "24587" + } + ] + }, + { + "gloss": "god", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1066, + "frame_start": 1014, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24909" + }, + { + "bbox": [ + 27, + 3, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/god.swf", + "variation_id": 0, + "video_id": "24921" + }, + { + "bbox": [ + 207, + 39, + 507, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/god.mp4", + "variation_id": 0, + "video_id": "24922" + }, + { + "bbox": [ + 130, + 31, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GOD-1871.mp4", + "variation_id": 0, + "video_id": "65832" + }, + { + "bbox": [ + 80, + 37, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93090.mp4", + "variation_id": 0, + "video_id": "24914" + }, + { + "bbox": [ + 88, + 14, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/OicNRSMCAcM", + "variation_id": 0, + "video_id": "67716" + }, + { + "bbox": [ + 424, + 53, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/god.mp4", + "variation_id": 0, + "video_id": "24915" + }, + { + "bbox": [ + 686, + 77, + 1674, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20God-p29SgV8IuY8.mp4", + "variation_id": 0, + "video_id": "24916" + }, + { + "bbox": [ + 69, + 12, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468549350.640.mp4", + "variation_id": 0, + "video_id": "24917" + }, + { + "bbox": [ + 72, + 5, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/god.mp4", + "variation_id": 0, + "video_id": "24918" + }, + { + "bbox": [ + 78, + 0, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7225.mp4", + "variation_id": 0, + "video_id": "24919" + }, + { + "bbox": [ + 285, + 8, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1nTH3wvLpY4", + "variation_id": 0, + "video_id": "24920" + } + ] + }, + { + "gloss": "grammar", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1579, + "frame_start": 1550, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25370" + }, + { + "bbox": [ + 32, + 16, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8611.mp4", + "variation_id": 0, + "video_id": "25378" + }, + { + "bbox": [ + 8, + 13, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/grammar.swf", + "variation_id": 0, + "video_id": "25379" + }, + { + "bbox": [ + 158, + 38, + 506, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRAMMAR-1864.mp4", + "variation_id": 0, + "video_id": "65845" + }, + { + "bbox": [ + 144, + 58, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grammar.mp4", + "variation_id": 0, + "video_id": "25380" + }, + { + "bbox": [ + 21, + 3, + 320, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/grammar.mov", + "variation_id": 0, + "video_id": "25371" + }, + { + "bbox": [ + 59, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/480865.mp4", + "variation_id": 0, + "video_id": "25372" + }, + { + "bbox": [ + 318, + 68, + 1779, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grammar%202-90b_bfTo7CI.mp4", + "variation_id": 0, + "video_id": "25373" + }, + { + "bbox": [ + 340, + 89, + 1593, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grammar-lQdwTrDruss.mp4", + "variation_id": 0, + "video_id": "25374" + }, + { + "bbox": [ + 58, + 35, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1513522137.3537.mp4", + "variation_id": 0, + "video_id": "25375" + }, + { + "bbox": [ + 22, + 0, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/grammar.mp4", + "variation_id": 0, + "video_id": "25376" + }, + { + "bbox": [ + 55, + 9, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14062.mp4", + "variation_id": 0, + "video_id": "25377" + } + ] + }, + { + "gloss": "grandfather", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1629, + "frame_start": 1580, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25404" + }, + { + "bbox": [ + 132, + 34, + 413, + 360 + ], + "fps": 25, + "frame_end": 812, + "frame_start": 701, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70330" + }, + { + "bbox": [ + 155, + 51, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grandpa.mp4", + "variation_id": 0, + "video_id": "25413" + }, + { + "bbox": [ + 97, + 29, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRANDFATHER-1863.mp4", + "variation_id": 0, + "video_id": "65846" + }, + { + "bbox": [ + 23, + 3, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456523.mp4", + "variation_id": 0, + "video_id": "25406" + }, + { + "bbox": [ + 85, + 8, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/h2zd_RybSpg", + "variation_id": 0, + "video_id": "67724" + }, + { + "bbox": [ + 156, + 7, + 517, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/grandfather.mp4", + "variation_id": 0, + "video_id": "25407" + }, + { + "bbox": [ + 94, + 13, + 834, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grandfather-zSHUxR2BLYk.mp4", + "variation_id": 0, + "video_id": "25408" + }, + { + "bbox": [ + 69, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468550130.9028.mp4", + "variation_id": 0, + "video_id": "25409" + }, + { + "bbox": [ + 54, + 8, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/grandfather.mp4", + "variation_id": 0, + "video_id": "25410" + }, + { + "bbox": [ + 79, + 0, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6641.mp4", + "variation_id": 0, + "video_id": "25411" + }, + { + "bbox": [ + 0, + 16, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/grandfather.swf", + "variation_id": 0, + "video_id": "25412" + } + ] + }, + { + "gloss": "great", + "instances": [ + { + "bbox": [ + 275, + 40, + 1042, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/great.mp4", + "variation_id": 0, + "video_id": "69352" + }, + { + "bbox": [ + 68, + 35, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91432.mp4", + "variation_id": 0, + "video_id": "25621" + }, + { + "bbox": [ + 370, + 1, + 1770, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Great-dshsyC11XD4.mp4", + "variation_id": 0, + "video_id": "25624" + }, + { + "bbox": [ + 560, + 135, + 1789, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Great-fheMISmxquk.mp4", + "variation_id": 0, + "video_id": "25625" + }, + { + "bbox": [ + 59, + 7, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928982.866.mp4", + "variation_id": 0, + "video_id": "25627" + }, + { + "bbox": [ + 106, + 0, + 541, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/great-good.mp4", + "variation_id": 0, + "video_id": "25628" + }, + { + "bbox": [ + 37, + 15, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22945.mp4", + "variation_id": 0, + "video_id": "25631" + }, + { + "bbox": [ + 250, + 35, + 1051, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=X67gLEcynIM", + "variation_id": 0, + "video_id": "25634" + }, + { + "bbox": [ + 15, + 19, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/g/great.swf", + "variation_id": 0, + "video_id": "25635" + }, + { + "bbox": [ + 157, + 55, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/great.mp4", + "variation_id": 0, + "video_id": "25637" + }, + { + "bbox": [ + 596, + 94, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Great%202-kKFfodospLc.mp4", + "variation_id": 0, + "video_id": "25622" + }, + { + "bbox": [ + 631, + 129, + 1705, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Great%203-1kqW4WyoO4A.mp4", + "variation_id": 0, + "video_id": "25623" + } + ] + }, + { + "gloss": "greece", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1988, + "frame_start": 1926, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25640" + }, + { + "bbox": [ + 288, + 38, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y2U4pLd4R0M", + "variation_id": 0, + "video_id": "25649" + }, + { + "bbox": [ + 0, + 17, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/greece.swf", + "variation_id": 0, + "video_id": "25650" + }, + { + "bbox": [ + 201, + 40, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/greece.mp4", + "variation_id": 0, + "video_id": "25651" + }, + { + "bbox": [ + 134, + 37, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GREECE-1859.mp4", + "variation_id": 0, + "video_id": "65853" + }, + { + "bbox": [ + 25, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455308.mp4", + "variation_id": 0, + "video_id": "25642" + }, + { + "bbox": [ + 103, + 22, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ph5jwzCTLsY", + "variation_id": 0, + "video_id": "67728" + }, + { + "bbox": [ + 500, + 115, + 1417, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Greece-yWgdjumqYa8.mp4", + "variation_id": 0, + "video_id": "25644" + }, + { + "bbox": [ + 147, + 13, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1525020777.1505.mp4", + "variation_id": 0, + "video_id": "25645" + }, + { + "bbox": [ + 107, + 3, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/greece.mp4", + "variation_id": 0, + "video_id": "25646" + }, + { + "bbox": [ + 86, + 8, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5760.mp4", + "variation_id": 0, + "video_id": "25647" + }, + { + "bbox": [ + 53, + 2, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5810.mp4", + "variation_id": 0, + "video_id": "25648" + } + ] + }, + { + "gloss": "guess", + "instances": [ + { + "bbox": [ + 179, + 10, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GU/GUESS-608.mp4", + "variation_id": 0, + "video_id": "65864" + }, + { + "bbox": [ + 110, + 27, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646064.1591.mp4", + "variation_id": 0, + "video_id": "25920" + }, + { + "bbox": [ + 48, + 4, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58515.mp4", + "variation_id": 0, + "video_id": "25917" + }, + { + "bbox": [ + 105, + 13, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/gc2CW3TlT1g", + "variation_id": 0, + "video_id": "67731" + }, + { + "bbox": [ + 92, + 18, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/zGNI5i6yhxA", + "variation_id": 0, + "video_id": "67732" + }, + { + "bbox": [ + 709, + 63, + 1540, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Guess%202-Eg8n0QOY9aU.mp4", + "variation_id": 0, + "video_id": "25918" + }, + { + "bbox": [ + 73, + 2, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/guess.mp4", + "variation_id": 0, + "video_id": "25921" + }, + { + "bbox": [ + 73, + 13, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6157.mp4", + "variation_id": 0, + "video_id": "25922" + }, + { + "bbox": [ + 249, + 18, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=HzPkBB9HvwQ", + "variation_id": 0, + "video_id": "25923" + }, + { + "bbox": [ + 301, + 34, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=mNqKyx-Hslg", + "variation_id": 0, + "video_id": "25924" + }, + { + "bbox": [ + 1, + 6, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/g/guess.swf", + "variation_id": 0, + "video_id": "25925" + }, + { + "bbox": [ + 225, + 43, + 478, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/guess.mp4", + "variation_id": 0, + "video_id": "25926" + } + ] + }, + { + "gloss": "guitar", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2214, + "frame_start": 2175, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25975" + }, + { + "bbox": [ + 5, + 5, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/guitar.swf", + "variation_id": 0, + "video_id": "25983" + }, + { + "bbox": [ + 156, + 61, + 611, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/guitar.mp4", + "variation_id": 0, + "video_id": "25984" + }, + { + "bbox": [ + 184, + 7, + 559, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GU/GUITAR-768.mp4", + "variation_id": 0, + "video_id": "65867" + }, + { + "bbox": [ + 76, + 0, + 467, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XuiFHfNxm24", + "variation_id": 0, + "video_id": "67734" + }, + { + "bbox": [ + 62, + 2, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456537.mp4", + "variation_id": 0, + "video_id": "25976" + }, + { + "bbox": [ + 374, + 54, + 879, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/guitar.mp4", + "variation_id": 0, + "video_id": "25977" + }, + { + "bbox": [ + 721, + 76, + 1698, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Guitar-D922xelu7rI.mp4", + "variation_id": 0, + "video_id": "25978" + }, + { + "bbox": [ + 67, + 12, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468551134.3044.mp4", + "variation_id": 0, + "video_id": "25979" + }, + { + "bbox": [ + 37, + 11, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/guitar2.mp4", + "variation_id": 0, + "video_id": "25980" + }, + { + "bbox": [ + 11, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/guitar.mp4", + "variation_id": 0, + "video_id": "25981" + }, + { + "bbox": [ + 62, + 18, + 263, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8515.mp4", + "variation_id": 0, + "video_id": "25982" + } + ] + }, + { + "gloss": "hammer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 421, + "frame_start": 355, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26312" + }, + { + "bbox": [ + 123, + 17, + 653, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546369136.2843.mp4", + "variation_id": 0, + "video_id": "26315" + }, + { + "bbox": [ + 49, + 13, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hammer.mp4", + "variation_id": 0, + "video_id": "26316" + }, + { + "bbox": [ + 51, + 18, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23493.mp4", + "variation_id": 0, + "video_id": "26317" + }, + { + "bbox": [ + 302, + 36, + 925, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Txc84neZsh8", + "variation_id": 0, + "video_id": "26318" + }, + { + "bbox": [ + 0, + 10, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hammer.swf", + "variation_id": 0, + "video_id": "26321" + }, + { + "bbox": [ + 197, + 36, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HA/HAMMER-1996.mp4", + "variation_id": 0, + "video_id": "65875" + }, + { + "bbox": [ + 92, + 23, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lG4JGaCQl_c", + "variation_id": 0, + "video_id": "67741" + }, + { + "bbox": [ + 1, + 4, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/h/hammer_verb.swf", + "variation_id": 0, + "video_id": "26323" + }, + { + "bbox": [ + 166, + 52, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/hammer.mp4", + "variation_id": 0, + "video_id": "26326" + }, + { + "bbox": [ + 49, + 5, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456546.mp4", + "variation_id": 0, + "video_id": "26313" + }, + { + "bbox": [ + 372, + 57, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hammer.mp4", + "variation_id": 0, + "video_id": "26314" + } + ] + }, + { + "gloss": "helicopter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1296, + "frame_start": 1237, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27150" + }, + { + "bbox": [ + 0, + 17, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/helicopter.swf", + "variation_id": 0, + "video_id": "27158" + }, + { + "bbox": [ + 168, + 52, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/helicopter.mp4", + "variation_id": 0, + "video_id": "27159" + }, + { + "bbox": [ + 145, + 14, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HELICOPTER-481.mp4", + "variation_id": 0, + "video_id": "65888" + }, + { + "bbox": [ + 35, + 15, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/nUgnxoZeDr8", + "variation_id": 0, + "video_id": "67754" + }, + { + "bbox": [ + 14, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185077.mp4", + "variation_id": 0, + "video_id": "27151" + }, + { + "bbox": [ + 46, + 44, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91780.mp4", + "variation_id": 0, + "video_id": "27152" + }, + { + "bbox": [ + 623, + 73, + 1648, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Helicopter-4W_TgewqYFw.mp4", + "variation_id": 0, + "video_id": "27153" + }, + { + "bbox": [ + 584, + 73, + 1528, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Helicopter-PIxZEyDv-RI.mp4", + "variation_id": 0, + "video_id": "27154" + }, + { + "bbox": [ + 55, + 9, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468580577.1693.mp4", + "variation_id": 0, + "video_id": "27155" + }, + { + "bbox": [ + 68, + 0, + 565, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/helicopter.mp4", + "variation_id": 0, + "video_id": "27156" + }, + { + "bbox": [ + 55, + 15, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/604.mp4", + "variation_id": 0, + "video_id": "27157" + } + ] + }, + { + "gloss": "high", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1616, + "frame_start": 1580, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27387" + }, + { + "bbox": [ + 137, + 53, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/high.mp4", + "variation_id": 0, + "video_id": "27417" + }, + { + "bbox": [ + 106, + 29, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HI/HIGH-1767.mp4", + "variation_id": 0, + "video_id": "65893" + }, + { + "bbox": [ + 764, + 147, + 1707, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20High-BPAnxdSKgXc.mp4", + "variation_id": 0, + "video_id": "27407" + }, + { + "bbox": [ + 18, + 0, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456574.mp4", + "variation_id": 0, + "video_id": "27406" + }, + { + "bbox": [ + 3, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580928.3361.mp4", + "variation_id": 0, + "video_id": "27408" + }, + { + "bbox": [ + 7, + 31, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/high-drug.mp4", + "variation_id": 0, + "video_id": "27409" + }, + { + "bbox": [ + 50, + 24, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1txxUq40nrA", + "variation_id": 0, + "video_id": "67759" + }, + { + "bbox": [ + 23, + 12, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/high.mp4", + "variation_id": 0, + "video_id": "27410" + }, + { + "bbox": [ + 61, + 0, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14552.mp4", + "variation_id": 0, + "video_id": "27412" + }, + { + "bbox": [ + 123, + 6, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=GwOuxP6lSuE", + "variation_id": 0, + "video_id": "27414" + }, + { + "bbox": [ + 6, + 8, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/high.swf", + "variation_id": 0, + "video_id": "27415" + } + ] + }, + { + "gloss": "history", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1829, + "frame_start": 1787, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27568" + }, + { + "bbox": [ + 59, + 12, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/history.mp4", + "variation_id": 0, + "video_id": "27574" + }, + { + "bbox": [ + 73, + 19, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23199.mp4", + "variation_id": 0, + "video_id": "27575" + }, + { + "bbox": [ + 319, + 43, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=GbqkM_RUSqQ", + "variation_id": 0, + "video_id": "27576" + }, + { + "bbox": [ + 171, + 9, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HI/HISTORY-1766.mp4", + "variation_id": 0, + "video_id": "65894" + }, + { + "bbox": [ + 130, + 16, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/w15RPtV1Eik", + "variation_id": 0, + "video_id": "67761" + }, + { + "bbox": [ + 154, + 54, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/history.mp4", + "variation_id": 0, + "video_id": "27579" + }, + { + "bbox": [ + 41, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51354.mp4", + "variation_id": 0, + "video_id": "27569" + }, + { + "bbox": [ + 417, + 53, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/history.mp4", + "variation_id": 0, + "video_id": "27570" + }, + { + "bbox": [ + 557, + 26, + 1623, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20History-1_37vgVkwcs.mp4", + "variation_id": 0, + "video_id": "27571" + }, + { + "bbox": [ + 595, + 123, + 1455, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20History%202%2C%20Hartford-R8iLk4PMnac.mp4", + "variation_id": 0, + "video_id": "27572" + }, + { + "bbox": [ + 16, + 9, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468581204.2183.mp4", + "variation_id": 0, + "video_id": "27573" + } + ] + }, + { + "gloss": "hungry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2618, + "frame_start": 2559, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28375" + }, + { + "bbox": [ + 381, + 55, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=a90eIyt5eJs", + "variation_id": 0, + "video_id": "28383" + }, + { + "bbox": [ + 23, + 19, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hungry.swf", + "variation_id": 0, + "video_id": "28384" + }, + { + "bbox": [ + 97, + 24, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/H-hjnF_GtuU", + "variation_id": 0, + "video_id": "67779" + }, + { + "bbox": [ + 187, + 52, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hunger.mp4", + "variation_id": 0, + "video_id": "28385" + }, + { + "bbox": [ + 50, + 7, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58529.mp4", + "variation_id": 0, + "video_id": "28376" + }, + { + "bbox": [ + 434, + 69, + 875, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hungry.mp4", + "variation_id": 0, + "video_id": "28377" + }, + { + "bbox": [ + 256, + 8, + 583, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hungry-FkoOUSVF-9g.mp4", + "variation_id": 0, + "video_id": "28378" + }, + { + "bbox": [ + 82, + 11, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468639252.5637.mp4", + "variation_id": 0, + "video_id": "28379" + }, + { + "bbox": [ + 112, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/hungry.mp4", + "variation_id": 0, + "video_id": "28380" + }, + { + "bbox": [ + 68, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7294.mp4", + "variation_id": 0, + "video_id": "28381" + }, + { + "bbox": [ + 399, + 35, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8ZOUoDZkAoQ", + "variation_id": 0, + "video_id": "28382" + } + ] + }, + { + "gloss": "hurt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2752, + "frame_start": 2716, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28438" + }, + { + "bbox": [ + 122, + 21, + 508, + 480 + ], + "fps": 25, + "frame_end": 6562, + "frame_start": 6429, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70147" + }, + { + "bbox": [ + 352, + 22, + 779, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hurt-_st2tPdAvgQ.mp4", + "variation_id": 0, + "video_id": "28441" + }, + { + "bbox": [ + 80, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hurt2.mp4", + "variation_id": 0, + "video_id": "28443" + }, + { + "bbox": [ + 79, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hurt.mp4", + "variation_id": 0, + "video_id": "28444" + }, + { + "bbox": [ + 58, + 14, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23773.mp4", + "variation_id": 0, + "video_id": "28445" + }, + { + "bbox": [ + 75, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23774.mp4", + "variation_id": 0, + "video_id": "28446" + }, + { + "bbox": [ + 316, + 55, + 898, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ekcn4CILyfo", + "variation_id": 0, + "video_id": "28450" + }, + { + "bbox": [ + 282, + 59, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=xs4k_Qf3BSc", + "variation_id": 0, + "video_id": "28452" + }, + { + "bbox": [ + 0, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/hurt.swf", + "variation_id": 0, + "video_id": "28453" + }, + { + "bbox": [ + 201, + 53, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/sore.mp4", + "variation_id": 0, + "video_id": "28454" + }, + { + "bbox": [ + 182, + 18, + 552, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hurt.mp4", + "variation_id": 0, + "video_id": "28440" + } + ] + }, + { + "gloss": "introduce", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1698, + "frame_start": 1652, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30383" + }, + { + "bbox": [ + 0, + 12, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/introduce.swf", + "variation_id": 0, + "video_id": "30391" + }, + { + "bbox": [ + 143, + 55, + 624, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/introduce.mp4", + "variation_id": 0, + "video_id": "30392" + }, + { + "bbox": [ + 93, + 14, + 538, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INTRODUCE-158.mp4", + "variation_id": 0, + "video_id": "65958" + }, + { + "bbox": [ + 67, + 19, + 412, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/a-PKCrqW_J8", + "variation_id": 0, + "video_id": "67796" + }, + { + "bbox": [ + 4, + 5, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58536.mp4", + "variation_id": 0, + "video_id": "30384" + }, + { + "bbox": [ + 41, + 13, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668106.33.mp4", + "variation_id": 0, + "video_id": "30385" + }, + { + "bbox": [ + 93, + 14, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767849.3810.mp4", + "variation_id": 0, + "video_id": "30386" + }, + { + "bbox": [ + 55, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/introduce.mp4", + "variation_id": 0, + "video_id": "30387" + }, + { + "bbox": [ + 26, + 16, + 260, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8510.mp4", + "variation_id": 0, + "video_id": "30388" + }, + { + "bbox": [ + 87, + 0, + 1175, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=9co6YxW2D2Y", + "variation_id": 0, + "video_id": "30389" + }, + { + "bbox": [ + 153, + 52, + 1091, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CKRJgEF8KmE", + "variation_id": 0, + "video_id": "30390" + } + ] + }, + { + "gloss": "invest", + "instances": [ + { + "bbox": [ + 609, + 137, + 1507, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Invest%202-hIIEGp4bSeY.mp4", + "variation_id": 0, + "video_id": "30453" + }, + { + "bbox": [ + 705, + 144, + 1502, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Invest%203-V_TEwL5C9Y0.mp4", + "variation_id": 1, + "video_id": "30454" + }, + { + "bbox": [ + 539, + 145, + 1526, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Invest-EWMH5UTyQ84.mp4", + "variation_id": 0, + "video_id": "30455" + }, + { + "bbox": [ + 79, + 19, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/invest2.mp4", + "variation_id": 0, + "video_id": "30457" + }, + { + "bbox": [ + 43, + 14, + 622, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/invest.mp4", + "variation_id": 0, + "video_id": "30458" + }, + { + "bbox": [ + 46, + 10, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9970.mp4", + "variation_id": 1, + "video_id": "30460" + }, + { + "bbox": [ + 206, + 35, + 514, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INVEST-1719.mp4", + "variation_id": 1, + "video_id": "65959" + }, + { + "bbox": [ + 59, + 37, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89805.mp4", + "variation_id": 1, + "video_id": "30451" + }, + { + "bbox": [ + 236, + 18, + 1052, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JOBRMrjTre8", + "variation_id": 0, + "video_id": "30461" + }, + { + "bbox": [ + 158, + 10, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=x4005l2K7xs", + "variation_id": 1, + "video_id": "30463" + }, + { + "bbox": [ + 158, + 10, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=x4005l2K7xs", + "variation_id": 1, + "video_id": "30464" + }, + { + "bbox": [ + 428, + 60, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/invest.mp4", + "variation_id": 1, + "video_id": "30452" + } + ] + }, + { + "gloss": "lazy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 640, + "frame_start": 594, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32509" + }, + { + "bbox": [ + 0, + 9, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lazy.swf", + "variation_id": 0, + "video_id": "32517" + }, + { + "bbox": [ + 250, + 47, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lazy.mp4", + "variation_id": 0, + "video_id": "32518" + }, + { + "bbox": [ + 206, + 11, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LAZY-679.mp4", + "variation_id": 0, + "video_id": "66019" + }, + { + "bbox": [ + 165, + 21, + 424, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/eOMNlsonmqo", + "variation_id": 0, + "video_id": "67833" + }, + { + "bbox": [ + 71, + 4, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457505.mp4", + "variation_id": 0, + "video_id": "32510" + }, + { + "bbox": [ + 401, + 55, + 794, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lazy.mp4", + "variation_id": 0, + "video_id": "32511" + }, + { + "bbox": [ + 146, + 0, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671583.772.mp4", + "variation_id": 0, + "video_id": "32512" + }, + { + "bbox": [ + 15, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/lazy.mp4", + "variation_id": 0, + "video_id": "32513" + }, + { + "bbox": [ + 88, + 13, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8751.mp4", + "variation_id": 0, + "video_id": "32514" + }, + { + "bbox": [ + 355, + 32, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=qsaNmriH9y4", + "variation_id": 0, + "video_id": "32515" + }, + { + "bbox": [ + 357, + 37, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=stafgiooHts", + "variation_id": 0, + "video_id": "32516" + } + ] + }, + { + "gloss": "library", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1500, + "frame_start": 1428, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33048" + }, + { + "bbox": [ + 367, + 84, + 957, + 720 + ], + "fps": 25, + "frame_end": 79, + "frame_start": 1, + "instance_id": 1, + "signer_id": 111, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=1pnFbzgiJoA", + "variation_id": 0, + "video_id": "68206" + }, + { + "bbox": [ + 147, + 40, + 405, + 360 + ], + "fps": 25, + "frame_end": 1112, + "frame_start": 981, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70226" + }, + { + "bbox": [ + 47, + 2, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457535.mp4", + "variation_id": 0, + "video_id": "33051" + }, + { + "bbox": [ + 98, + 18, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RXFxKLQPDz0", + "variation_id": 0, + "video_id": "67843" + }, + { + "bbox": [ + 180, + 18, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/library.mp4", + "variation_id": 0, + "video_id": "33052" + }, + { + "bbox": [ + 119, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711399.8921.mp4", + "variation_id": 0, + "video_id": "33053" + }, + { + "bbox": [ + 22, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/library.mp4", + "variation_id": 0, + "video_id": "33054" + }, + { + "bbox": [ + 91, + 13, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8217.mp4", + "variation_id": 0, + "video_id": "33055" + }, + { + "bbox": [ + 318, + 25, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=CSaOomMxWl4", + "variation_id": 0, + "video_id": "33056" + }, + { + "bbox": [ + 20, + 0, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/library.swf", + "variation_id": 0, + "video_id": "33057" + }, + { + "bbox": [ + 218, + 42, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/library.mp4", + "variation_id": 0, + "video_id": "33058" + } + ] + }, + { + "gloss": "lie", + "instances": [ + { + "bbox": [ + 189, + 15, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LIE-847.mp4", + "variation_id": 0, + "video_id": "66067" + }, + { + "bbox": [ + 428, + 57, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lie.mp4", + "variation_id": 0, + "video_id": "33114" + }, + { + "bbox": [ + 607, + 77, + 1560, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lie-6BW95IqfjnA.mp4", + "variation_id": 0, + "video_id": "33115" + }, + { + "bbox": [ + 158, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468711469.6237.mp4", + "variation_id": 0, + "video_id": "33116" + }, + { + "bbox": [ + 71, + 6, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6064.mp4", + "variation_id": 0, + "video_id": "33120" + }, + { + "bbox": [ + 73, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6194.mp4", + "variation_id": 0, + "video_id": "33121" + }, + { + "bbox": [ + 337, + 52, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G9p7iePeqpE", + "variation_id": 0, + "video_id": "33122" + }, + { + "bbox": [ + 100, + 12, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/AyMVC40SR0M", + "variation_id": 0, + "video_id": "67844" + }, + { + "bbox": [ + 343, + 54, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=NmhXdx3epK8", + "variation_id": 0, + "video_id": "33124" + }, + { + "bbox": [ + 318, + 55, + 884, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=XkSY0TdkQdM", + "variation_id": 0, + "video_id": "33125" + }, + { + "bbox": [ + 0, + 7, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/lie_fib.swf", + "variation_id": 0, + "video_id": "33126" + }, + { + "bbox": [ + 179, + 55, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lie2.mp4", + "variation_id": 0, + "video_id": "33128" + } + ] + }, + { + "gloss": "lobster", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2170, + "frame_start": 2138, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33638" + }, + { + "bbox": [ + 63, + 24, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22552.mp4", + "variation_id": 0, + "video_id": "33646" + }, + { + "bbox": [ + 0, + 5, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lobster.swf", + "variation_id": 0, + "video_id": "33647" + }, + { + "bbox": [ + 68, + 21, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/pzcBrX2ha5E", + "variation_id": 0, + "video_id": "67855" + }, + { + "bbox": [ + 162, + 50, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lobster.mp4", + "variation_id": 0, + "video_id": "33648" + }, + { + "bbox": [ + 66, + 3, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457569.mp4", + "variation_id": 0, + "video_id": "33639" + }, + { + "bbox": [ + 431, + 77, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lobster%2C%20Crab%202-P9mUuyXXY2s.mp4", + "variation_id": 0, + "video_id": "33640" + }, + { + "bbox": [ + 474, + 72, + 1574, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lobster%2C%20Crab%204-jZqYzlbwb48.mp4", + "variation_id": 0, + "video_id": "33641" + }, + { + "bbox": [ + 374, + 72, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lobster%2C%20Crab-5LU5A-Mmbis.mp4", + "variation_id": 0, + "video_id": "33642" + }, + { + "bbox": [ + 134, + 41, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1499952364.4411.mp4", + "variation_id": 0, + "video_id": "33643" + }, + { + "bbox": [ + 39, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/lobster2.mp4", + "variation_id": 0, + "video_id": "33644" + }, + { + "bbox": [ + 13, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lobster.mp4", + "variation_id": 0, + "video_id": "33645" + } + ] + }, + { + "gloss": "love", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2643, + "frame_start": 2604, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "34118" + }, + { + "bbox": [ + 500, + 51, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Love.mp4", + "variation_id": 0, + "video_id": "34123" + }, + { + "bbox": [ + 149, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712876.4162.mp4", + "variation_id": 0, + "video_id": "34124" + }, + { + "bbox": [ + 134, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/love.mp4", + "variation_id": 0, + "video_id": "34125" + }, + { + "bbox": [ + 94, + 24, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22883.mp4", + "variation_id": 0, + "video_id": "34127" + }, + { + "bbox": [ + 94, + 20, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23180.mp4", + "variation_id": 0, + "video_id": "34128" + }, + { + "bbox": [ + 94, + 23, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23181.mp4", + "variation_id": 0, + "video_id": "34129" + }, + { + "bbox": [ + 359, + 52, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/love.mp4", + "variation_id": 0, + "video_id": "34121" + }, + { + "bbox": [ + 402, + 51, + 843, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 69, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=6EjZy8yST58", + "variation_id": 0, + "video_id": "34133" + }, + { + "bbox": [ + 274, + 11, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=DAZB0eVf5t0", + "variation_id": 0, + "video_id": "34134" + }, + { + "bbox": [ + 27, + 16, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/love.swf", + "variation_id": 0, + "video_id": "34136" + }, + { + "bbox": [ + 169, + 49, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/love.mp4", + "variation_id": 0, + "video_id": "34137" + } + ] + }, + { + "gloss": "lucky", + "instances": [ + { + "bbox": [ + 154, + 31, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LU/LUCKY-1632.mp4", + "variation_id": 0, + "video_id": "66090" + }, + { + "bbox": [ + 75, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lucky.mp4", + "variation_id": 0, + "video_id": "34210" + }, + { + "bbox": [ + 42, + 10, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14518.mp4", + "variation_id": 0, + "video_id": "34211" + }, + { + "bbox": [ + 391, + 42, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=40kU5n9mjss", + "variation_id": 0, + "video_id": "34212" + }, + { + "bbox": [ + 274, + 24, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FtK8kgh9Bio", + "variation_id": 0, + "video_id": "34213" + }, + { + "bbox": [ + 64, + 0, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457591.mp4", + "variation_id": 0, + "video_id": "34204" + }, + { + "bbox": [ + 92, + 20, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/f_6KJYzAyt4", + "variation_id": 0, + "video_id": "67866" + }, + { + "bbox": [ + 33, + 10, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lucky.swf", + "variation_id": 0, + "video_id": "34215" + }, + { + "bbox": [ + 900, + 58, + 1718, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lucky%202-21ltiro2vxY.mp4", + "variation_id": 0, + "video_id": "34205" + }, + { + "bbox": [ + 893, + 61, + 1717, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lucky%203-bn4wE-MKLPw.mp4", + "variation_id": 0, + "video_id": "34206" + }, + { + "bbox": [ + 897, + 49, + 1732, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lucky-lV_VH0afwNw.mp4", + "variation_id": 0, + "video_id": "34207" + }, + { + "bbox": [ + 134, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713033.5446.mp4", + "variation_id": 0, + "video_id": "34208" + } + ] + }, + { + "gloss": "magazine", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 180, + "frame_start": 134, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34385" + }, + { + "bbox": [ + 345, + 35, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=K14JjrzmWkU", + "variation_id": 0, + "video_id": "34393" + }, + { + "bbox": [ + 19, + 17, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/magazine.swf", + "variation_id": 0, + "video_id": "34394" + }, + { + "bbox": [ + 105, + 0, + 406, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/KJgjS-tHBp0", + "variation_id": 0, + "video_id": "67867" + }, + { + "bbox": [ + 242, + 37, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/article.mp4", + "variation_id": 0, + "video_id": "34395" + }, + { + "bbox": [ + 66, + 0, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456640.mp4", + "variation_id": 0, + "video_id": "34386" + }, + { + "bbox": [ + 415, + 58, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/magazine.mp4", + "variation_id": 0, + "video_id": "34387" + }, + { + "bbox": [ + 139, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713401.5295.mp4", + "variation_id": 0, + "video_id": "34388" + }, + { + "bbox": [ + 105, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/magazine.mp4", + "variation_id": 0, + "video_id": "34389" + }, + { + "bbox": [ + 72, + 14, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8619.mp4", + "variation_id": 0, + "video_id": "34390" + }, + { + "bbox": [ + 343, + 38, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=aCOePKIlW9s", + "variation_id": 0, + "video_id": "34391" + }, + { + "bbox": [ + 100, + 26, + 436, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JytC15LCiMU", + "variation_id": 0, + "video_id": "34392" + } + ] + }, + { + "gloss": "measure", + "instances": [ + { + "bbox": [ + 178, + 29, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MEASURE-1623.mp4", + "variation_id": 0, + "video_id": "66108" + }, + { + "bbox": [ + 137, + 22, + 508, + 480 + ], + "fps": 25, + "frame_end": 5782, + "frame_start": 5659, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70103" + }, + { + "bbox": [ + 211, + 53, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/size.mp4", + "variation_id": 0, + "video_id": "35346" + }, + { + "bbox": [ + 32, + 0, + 293, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/measure.mov", + "variation_id": 0, + "video_id": "35338" + }, + { + "bbox": [ + 100, + 18, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/a1NeXe8bhuo", + "variation_id": 0, + "video_id": "67883" + }, + { + "bbox": [ + 63, + 7, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/157837.mp4", + "variation_id": 0, + "video_id": "35339" + }, + { + "bbox": [ + 312, + 47, + 1693, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Measure-qKJ3pGyq5vY.mp4", + "variation_id": 0, + "video_id": "35340" + }, + { + "bbox": [ + 136, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714473.5896.mp4", + "variation_id": 0, + "video_id": "35341" + }, + { + "bbox": [ + 92, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/measure2.mp4", + "variation_id": 0, + "video_id": "35342" + }, + { + "bbox": [ + 91, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/measure.mp4", + "variation_id": 0, + "video_id": "35343" + }, + { + "bbox": [ + 72, + 14, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8740.mp4", + "variation_id": 0, + "video_id": "35344" + }, + { + "bbox": [ + 25, + 1, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/measure.swf", + "variation_id": 0, + "video_id": "35345" + } + ] + }, + { + "gloss": "microwave", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1380, + "frame_start": 1341, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35944" + }, + { + "bbox": [ + 33, + 16, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/microwave.mp4", + "variation_id": 0, + "video_id": "35949" + }, + { + "bbox": [ + 62, + 13, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9112.mp4", + "variation_id": 0, + "video_id": "35950" + }, + { + "bbox": [ + 297, + 27, + 1041, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=kzvEJrS357s", + "variation_id": 0, + "video_id": "35951" + }, + { + "bbox": [ + 342, + 44, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ol8-J6I671Q", + "variation_id": 0, + "video_id": "35953" + }, + { + "bbox": [ + 180, + 30, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MICROWAVE-1612.mp4", + "variation_id": 0, + "video_id": "66121" + }, + { + "bbox": [ + 78, + 19, + 400, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/poVDlJ6y6TE", + "variation_id": 0, + "video_id": "67892" + }, + { + "bbox": [ + 176, + 51, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/microwave2.mp4", + "variation_id": 0, + "video_id": "35956" + }, + { + "bbox": [ + 51, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456995.mp4", + "variation_id": 0, + "video_id": "35945" + }, + { + "bbox": [ + 394, + 66, + 836, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/microwave.mp4", + "variation_id": 0, + "video_id": "35946" + }, + { + "bbox": [ + 722, + 43, + 1767, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Microwave-LORew8H73f8.mp4", + "variation_id": 0, + "video_id": "35947" + }, + { + "bbox": [ + 47, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715181.6067.mp4", + "variation_id": 0, + "video_id": "35948" + } + ] + }, + { + "gloss": "my", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2867, + "frame_start": 2831, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37464" + }, + { + "bbox": [ + 349, + 35, + 969, + 712 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/my.mp4", + "variation_id": 0, + "video_id": "69404" + }, + { + "bbox": [ + 170, + 53, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mine2.mp4", + "variation_id": 0, + "video_id": "37477" + }, + { + "bbox": [ + 52, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457056.mp4", + "variation_id": 0, + "video_id": "37469" + }, + { + "bbox": [ + 90, + 24, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RhlO0z_eLoA", + "variation_id": 0, + "video_id": "67920" + }, + { + "bbox": [ + 632, + 40, + 1527, + 1064 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20My-3msfJ_fibwg.mp4", + "variation_id": 0, + "video_id": "37470" + }, + { + "bbox": [ + 120, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717535.7522.mp4", + "variation_id": 0, + "video_id": "37471" + }, + { + "bbox": [ + 43, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/my.mp4", + "variation_id": 0, + "video_id": "37472" + }, + { + "bbox": [ + 73, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7198.mp4", + "variation_id": 0, + "video_id": "37473" + }, + { + "bbox": [ + 137, + 32, + 451, + 345 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 64, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=IKSfqjBWedg", + "variation_id": 0, + "video_id": "37474" + }, + { + "bbox": [ + 298, + 22, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 47, + "source": "scott", + "split": "test", + "url": "https://www.youtube.com/watch?v=jZTxiXK7TNs", + "variation_id": 0, + "video_id": "37475" + }, + { + "bbox": [ + 20, + 13, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/my.swf", + "variation_id": 0, + "video_id": "37476" + } + ] + }, + { + "gloss": "neighbor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 683, + "frame_start": 647, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37945" + }, + { + "bbox": [ + 273, + 7, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6OjPyxcUncA", + "variation_id": 0, + "video_id": "37963" + }, + { + "bbox": [ + 322, + 28, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fFprjIePuqw", + "variation_id": 0, + "video_id": "37964" + }, + { + "bbox": [ + 275, + 58, + 894, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=lqx2WsgM870", + "variation_id": 0, + "video_id": "37965" + }, + { + "bbox": [ + 53, + 20, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89860.mp4", + "variation_id": 0, + "video_id": "37956" + }, + { + "bbox": [ + 195, + 53, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/neighbor.mp4", + "variation_id": 0, + "video_id": "37967" + }, + { + "bbox": [ + 423, + 56, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/neighbor.mp4", + "variation_id": 0, + "video_id": "37957" + }, + { + "bbox": [ + 346, + 45, + 1624, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Next%20To-gx4Hzf3T2Ac.mp4", + "variation_id": 0, + "video_id": "37958" + }, + { + "bbox": [ + 72, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468718324.3790.mp4", + "variation_id": 0, + "video_id": "37959" + }, + { + "bbox": [ + 61, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/n/neighbor.mp4", + "variation_id": 0, + "video_id": "37960" + }, + { + "bbox": [ + 73, + 14, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6275.mp4", + "variation_id": 0, + "video_id": "37961" + }, + { + "bbox": [ + 48, + 9, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8930.mp4", + "variation_id": 0, + "video_id": "37962" + } + ] + }, + { + "gloss": "number", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1921, + "frame_start": 1872, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "39031" + }, + { + "bbox": [ + 211, + 0, + 629, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ea1z2uh0j7k", + "variation_id": 0, + "video_id": "68117" + }, + { + "bbox": [ + 318, + 7, + 949, + 720 + ], + "fps": 25, + "frame_end": 46, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=q6ojk9P6_Os", + "variation_id": 0, + "video_id": "68824" + }, + { + "bbox": [ + 838, + 59, + 1788, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Number-ocqPQu_xQKY.mp4", + "variation_id": 0, + "video_id": "39032" + }, + { + "bbox": [ + 92, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468720047.9303.mp4", + "variation_id": 0, + "video_id": "39033" + }, + { + "bbox": [ + 138, + 19, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767884.665.mp4", + "variation_id": 0, + "video_id": "39034" + }, + { + "bbox": [ + 41, + 1, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/number.mp4", + "variation_id": 0, + "video_id": "39035" + }, + { + "bbox": [ + 67, + 13, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6182.mp4", + "variation_id": 0, + "video_id": "39036" + }, + { + "bbox": [ + 289, + 41, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=W4D47oIBZ5Y", + "variation_id": 0, + "video_id": "39037" + }, + { + "bbox": [ + 289, + 41, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=W4D47oIBZ5Y", + "variation_id": 0, + "video_id": "39038" + }, + { + "bbox": [ + 1, + 4, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/n/number.swf", + "variation_id": 0, + "video_id": "39039" + }, + { + "bbox": [ + 202, + 60, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/number.mp4", + "variation_id": 0, + "video_id": "39040" + } + ] + }, + { + "gloss": "one", + "instances": [ + { + "bbox": [ + 334, + 42, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/one.mp4", + "variation_id": 0, + "video_id": "69421" + }, + { + "bbox": [ + 152, + 2, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 105, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ON/ONE-519.mp4", + "variation_id": 0, + "video_id": "66228" + }, + { + "bbox": [ + 108, + 23, + 270, + 240 + ], + "fps": 25, + "frame_end": 2801, + "frame_start": 2709, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70214" + }, + { + "bbox": [ + 36, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51496.mp4", + "variation_id": 0, + "video_id": "39742" + }, + { + "bbox": [ + 714, + 106, + 1510, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%201-roPWtHm3Udw.mp4", + "variation_id": 0, + "video_id": "39743" + }, + { + "bbox": [ + 139, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721688.7491.mp4", + "variation_id": 0, + "video_id": "39744" + }, + { + "bbox": [ + 207, + 3, + 502, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/one-cardinal.mp4", + "variation_id": 0, + "video_id": "39745" + }, + { + "bbox": [ + 45, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/one.mp4", + "variation_id": 0, + "video_id": "39746" + }, + { + "bbox": [ + 81, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/11/11001.mp4", + "variation_id": 0, + "video_id": "39747" + }, + { + "bbox": [ + 84, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/13/13001.mp4", + "variation_id": 0, + "video_id": "39748" + }, + { + "bbox": [ + 0, + 18, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/one.swf", + "variation_id": 0, + "video_id": "39749" + }, + { + "bbox": [ + 207, + 52, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/one.mp4", + "variation_id": 0, + "video_id": "39750" + } + ] + }, + { + "gloss": "outside", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1433, + "frame_start": 1367, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40463" + }, + { + "bbox": [ + 313, + 12, + 995, + 720 + ], + "fps": 25, + "frame_end": 56, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=bvNbNe-DWtM", + "variation_id": 0, + "video_id": "68362" + }, + { + "bbox": [ + 653, + 45, + 1542, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Outside-O7ymJUiG8xQ.mp4", + "variation_id": 1, + "video_id": "40468" + }, + { + "bbox": [ + 727, + 98, + 1701, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Outside-zFqna_iLbUc.mp4", + "variation_id": 1, + "video_id": "40469" + }, + { + "bbox": [ + 49, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722785.4436.mp4", + "variation_id": 1, + "video_id": "40470" + }, + { + "bbox": [ + 34, + 8, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/outside2.mp4", + "variation_id": 0, + "video_id": "40471" + }, + { + "bbox": [ + 57, + 28, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22946.mp4", + "variation_id": 1, + "video_id": "40474" + }, + { + "bbox": [ + 180, + 55, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/outdoors.mp4", + "variation_id": 0, + "video_id": "40476" + }, + { + "bbox": [ + 168, + 53, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/out.mp4", + "variation_id": 1, + "video_id": "40477" + }, + { + "bbox": [ + 29, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49169.mp4", + "variation_id": 0, + "video_id": "40464" + }, + { + "bbox": [ + 203, + 17, + 529, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/outside.mp4", + "variation_id": 1, + "video_id": "40465" + }, + { + "bbox": [ + 270, + 13, + 815, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Outside-BNHrvgPQJYo.mp4", + "variation_id": 0, + "video_id": "40467" + } + ] + }, + { + "gloss": "peach", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 940, + "frame_start": 884, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41661" + }, + { + "bbox": [ + 105, + 26, + 270, + 240 + ], + "fps": 25, + "frame_end": 2086, + "frame_start": 1982, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70311" + }, + { + "bbox": [ + 175, + 54, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/peach.mp4", + "variation_id": 0, + "video_id": "41670" + }, + { + "bbox": [ + 137, + 13, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/CH8XIKf-HOY", + "variation_id": 0, + "video_id": "67970" + }, + { + "bbox": [ + 72, + 28, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91556.mp4", + "variation_id": 0, + "video_id": "41662" + }, + { + "bbox": [ + 427, + 60, + 804, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/peach.mp4", + "variation_id": 0, + "video_id": "41663" + }, + { + "bbox": [ + 122, + 0, + 495, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724613.5518.mp4", + "variation_id": 0, + "video_id": "41664" + }, + { + "bbox": [ + 30, + 5, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/peach.mp4", + "variation_id": 0, + "video_id": "41665" + }, + { + "bbox": [ + 75, + 17, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7299.mp4", + "variation_id": 0, + "video_id": "41666" + }, + { + "bbox": [ + 307, + 63, + 919, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=XLv8TfJs_Ds", + "variation_id": 0, + "video_id": "41667" + }, + { + "bbox": [ + 7, + 9, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/peach.swf", + "variation_id": 0, + "video_id": "41668" + }, + { + "bbox": [ + 175, + 54, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/peach.mp4", + "variation_id": 0, + "video_id": "41669" + } + ] + }, + { + "gloss": "pig", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2430, + "frame_start": 2368, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42695" + }, + { + "bbox": [ + 335, + 42, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/pig.mp4", + "variation_id": 0, + "video_id": "69429" + }, + { + "bbox": [ + 241, + 39, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pig.mp4", + "variation_id": 0, + "video_id": "42709" + }, + { + "bbox": [ + 36, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/49190.mp4", + "variation_id": 0, + "video_id": "42701" + }, + { + "bbox": [ + 126, + 16, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ZQeazqlpGDU", + "variation_id": 0, + "video_id": "67984" + }, + { + "bbox": [ + 620, + 50, + 1485, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pig%202-M1d4C4URgm0.mp4", + "variation_id": 0, + "video_id": "42702" + }, + { + "bbox": [ + 688, + 54, + 1479, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pig-f4AgwBbMDDY.mp4", + "variation_id": 0, + "video_id": "42703" + }, + { + "bbox": [ + 102, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468726159.4899.mp4", + "variation_id": 0, + "video_id": "42704" + }, + { + "bbox": [ + 57, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/pig-animal.mp4", + "variation_id": 0, + "video_id": "42705" + }, + { + "bbox": [ + 88, + 21, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22281.mp4", + "variation_id": 0, + "video_id": "42706" + }, + { + "bbox": [ + 311, + 52, + 890, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 67, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=T0zD2id1k78", + "variation_id": 0, + "video_id": "42707" + }, + { + "bbox": [ + 5, + 4, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pig.swf", + "variation_id": 0, + "video_id": "42708" + } + ] + }, + { + "gloss": "polite", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3408, + "frame_start": 3369, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43570" + }, + { + "bbox": [ + 336, + 31, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=C_jOZel_Q4E", + "variation_id": 0, + "video_id": "43578" + }, + { + "bbox": [ + 24, + 21, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/polite.swf", + "variation_id": 0, + "video_id": "43579" + }, + { + "bbox": [ + 192, + 10, + 466, + 366 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POLITE-914.mp4", + "variation_id": 0, + "video_id": "66308" + }, + { + "bbox": [ + 234, + 40, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/courteous.mp4", + "variation_id": 0, + "video_id": "43580" + }, + { + "bbox": [ + 46, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49175.mp4", + "variation_id": 0, + "video_id": "43571" + }, + { + "bbox": [ + 771, + 60, + 1661, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fancy%202-CHKoDIdgR0o.mp4", + "variation_id": 0, + "video_id": "43572" + }, + { + "bbox": [ + 115, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754463.3412.mp4", + "variation_id": 0, + "video_id": "43573" + }, + { + "bbox": [ + 106, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/polite.mp4", + "variation_id": 0, + "video_id": "43574" + }, + { + "bbox": [ + 72, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6236.mp4", + "variation_id": 0, + "video_id": "43575" + }, + { + "bbox": [ + 330, + 43, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=1p_XFIHeOeI", + "variation_id": 0, + "video_id": "43576" + }, + { + "bbox": [ + 94, + 3, + 466, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=C_jOZel_Q4E", + "variation_id": 0, + "video_id": "43577" + } + ] + }, + { + "gloss": "postpone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3849, + "frame_start": 3810, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43900" + }, + { + "bbox": [ + 160, + 20, + 511, + 480 + ], + "fps": 25, + "frame_end": 5708, + "frame_start": 5609, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 1, + "video_id": "70125" + }, + { + "bbox": [ + 78, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6589.mp4", + "variation_id": 0, + "video_id": "43908" + }, + { + "bbox": [ + 75, + 14, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6929.mp4", + "variation_id": 1, + "video_id": "43909" + }, + { + "bbox": [ + 68, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9809.mp4", + "variation_id": 1, + "video_id": "43910" + }, + { + "bbox": [ + 11, + 13, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/postpone.swf", + "variation_id": 0, + "video_id": "43911" + }, + { + "bbox": [ + 29, + 41, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89901.mp4", + "variation_id": 0, + "video_id": "43901" + }, + { + "bbox": [ + 654, + 130, + 1770, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reschedule%20to%20Later%20Time-MQ0gJgZeWJk.mp4", + "variation_id": 1, + "video_id": "43902" + }, + { + "bbox": [ + 451, + 41, + 1123, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Delay.mp4", + "variation_id": 0, + "video_id": "43903" + }, + { + "bbox": [ + 142, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754965.788.mp4", + "variation_id": 1, + "video_id": "43904" + }, + { + "bbox": [ + 36, + 12, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/postpone.mp4", + "variation_id": 0, + "video_id": "43905" + }, + { + "bbox": [ + 82, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6586.mp4", + "variation_id": 0, + "video_id": "43907" + } + ] + }, + { + "gloss": "power", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4023, + "frame_start": 3984, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44034" + }, + { + "bbox": [ + 557, + 142, + 1464, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Powerful-oInIQhwF7II.mp4", + "variation_id": 1, + "video_id": "44046" + }, + { + "bbox": [ + 188, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468755112.4248.mp4", + "variation_id": 0, + "video_id": "44047" + }, + { + "bbox": [ + 119, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/power.mp4", + "variation_id": 0, + "video_id": "44048" + }, + { + "bbox": [ + 137, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/power-strength.mp4", + "variation_id": 0, + "video_id": "44049" + }, + { + "bbox": [ + 84, + 13, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14464.mp4", + "variation_id": 0, + "video_id": "44050" + }, + { + "bbox": [ + 75, + 14, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14655.mp4", + "variation_id": 0, + "video_id": "44051" + }, + { + "bbox": [ + 154, + 24, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 93, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POWER-802.mp4", + "variation_id": 1, + "video_id": "66319" + }, + { + "bbox": [ + 104, + 26, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/K5aQhBkdDwc", + "variation_id": 1, + "video_id": "67094" + }, + { + "bbox": [ + 171, + 12, + 505, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ec0H0c-Ppds", + "variation_id": 1, + "video_id": "44056" + }, + { + "bbox": [ + 166, + 68, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/power.mp4", + "variation_id": 1, + "video_id": "44058" + }, + { + "bbox": [ + 406, + 43, + 1570, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Power%20copy-SSj45W6Gh-c.mp4", + "variation_id": 0, + "video_id": "44045" + } + ] + }, + { + "gloss": "present", + "instances": [ + { + "bbox": [ + 208, + 4, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRESENT-226.mp4", + "variation_id": 0, + "video_id": "66325" + }, + { + "bbox": [ + 184, + 62, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/gift.mp4", + "variation_id": 0, + "video_id": "44351" + }, + { + "bbox": [ + 66, + 42, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/89902.mp4", + "variation_id": 1, + "video_id": "44334" + }, + { + "bbox": [ + 541, + 65, + 1613, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Modern%2C%20Present%2C%20Today-AnG9pOIP3F4.mp4", + "variation_id": 1, + "video_id": "44335" + }, + { + "bbox": [ + 54, + 27, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/present-gift.mp4", + "variation_id": 0, + "video_id": "44339" + }, + { + "bbox": [ + 98, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/present-time.mp4", + "variation_id": 1, + "video_id": "44340" + }, + { + "bbox": [ + 90, + 9, + 243, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/present.mov", + "variation_id": 1, + "video_id": "44333" + }, + { + "bbox": [ + 87, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23781.mp4", + "variation_id": 0, + "video_id": "44344" + }, + { + "bbox": [ + 85, + 19, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7774.mp4", + "variation_id": 1, + "video_id": "44347" + }, + { + "bbox": [ + 7, + 4, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/present_gift.swf", + "variation_id": 0, + "video_id": "44348" + }, + { + "bbox": [ + 182, + 57, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/current.mp4", + "variation_id": 1, + "video_id": "44349" + }, + { + "bbox": [ + 182, + 57, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/current.mp4", + "variation_id": 1, + "video_id": "44350" + } + ] + }, + { + "gloss": "price", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5183, + "frame_start": 5124, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44469" + }, + { + "bbox": [ + 7, + 18, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/price_b.swf", + "variation_id": 1, + "video_id": "44477" + }, + { + "bbox": [ + 166, + 54, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/cost.mp4", + "variation_id": 0, + "video_id": "44478" + }, + { + "bbox": [ + 208, + 8, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRICE-931.mp4", + "variation_id": 1, + "video_id": "66330" + }, + { + "bbox": [ + 102, + 24, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Rimo0T30CSo", + "variation_id": 0, + "video_id": "67102" + }, + { + "bbox": [ + 533, + 51, + 1641, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bombay%2C%20Price-m1YG4hpG6Mc.mp4", + "variation_id": 1, + "video_id": "44470" + }, + { + "bbox": [ + 144, + 0, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755795.4278.mp4", + "variation_id": 0, + "video_id": "44471" + }, + { + "bbox": [ + 103, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/price.mp4", + "variation_id": 1, + "video_id": "44472" + }, + { + "bbox": [ + 72, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6355.mp4", + "variation_id": 0, + "video_id": "44473" + }, + { + "bbox": [ + 75, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6364.mp4", + "variation_id": 1, + "video_id": "44474" + }, + { + "bbox": [ + 116, + 0, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=korapY6u45o", + "variation_id": 0, + "video_id": "44475" + }, + { + "bbox": [ + 0, + 15, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/price_a.swf", + "variation_id": 0, + "video_id": "44476" + } + ] + }, + { + "gloss": "prison", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5586, + "frame_start": 5537, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44598" + }, + { + "bbox": [ + 310, + 55, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gto8c7eUFQw", + "variation_id": 0, + "video_id": "44609" + }, + { + "bbox": [ + 17, + 15, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/prison.swf", + "variation_id": 0, + "video_id": "44610" + }, + { + "bbox": [ + 187, + 58, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/jail2.mp4", + "variation_id": 0, + "video_id": "44611" + }, + { + "bbox": [ + 202, + 38, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRISON-2146.mp4", + "variation_id": 0, + "video_id": "66334" + }, + { + "bbox": [ + 55, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49213.mp4", + "variation_id": 0, + "video_id": "44602" + }, + { + "bbox": [ + 144, + 19, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TJasy7GxZig", + "variation_id": 0, + "video_id": "67106" + }, + { + "bbox": [ + 153, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756063.3835.mp4", + "variation_id": 0, + "video_id": "44604" + }, + { + "bbox": [ + 64, + 8, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/prison.mp4", + "variation_id": 0, + "video_id": "44605" + }, + { + "bbox": [ + 88, + 20, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23926.mp4", + "variation_id": 0, + "video_id": "44606" + }, + { + "bbox": [ + 86, + 20, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23927.mp4", + "variation_id": 0, + "video_id": "44607" + }, + { + "bbox": [ + 355, + 21, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8NTZmjEVAjU", + "variation_id": 0, + "video_id": "44608" + } + ] + }, + { + "gloss": "push", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7088, + "frame_start": 7039, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45474" + }, + { + "bbox": [ + 10, + 18, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/push.swf", + "variation_id": 0, + "video_id": "45486" + }, + { + "bbox": [ + 185, + 52, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/push.mp4", + "variation_id": 0, + "video_id": "45487" + }, + { + "bbox": [ + 202, + 3, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PU/PUSH-230.mp4", + "variation_id": 0, + "video_id": "66356" + }, + { + "bbox": [ + 47, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116453.mp4", + "variation_id": 0, + "video_id": "45479" + }, + { + "bbox": [ + 76, + 18, + 405, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5P_HnZDGauE", + "variation_id": 0, + "video_id": "67115" + }, + { + "bbox": [ + 714, + 64, + 1739, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Push-6psMaxJlnoM.mp4", + "variation_id": 0, + "video_id": "45480" + }, + { + "bbox": [ + 165, + 0, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757436.1334.mp4", + "variation_id": 0, + "video_id": "45481" + }, + { + "bbox": [ + 77, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/push.mp4", + "variation_id": 0, + "video_id": "45482" + }, + { + "bbox": [ + 75, + 8, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14922.mp4", + "variation_id": 0, + "video_id": "45483" + }, + { + "bbox": [ + 316, + 95, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 7, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=iS4SXZr1blU", + "variation_id": 0, + "video_id": "45484" + }, + { + "bbox": [ + 348, + 17, + 1068, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-PJpxxxfNw4", + "variation_id": 0, + "video_id": "45485" + } + ] + }, + { + "gloss": "raccoon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 126, + "frame_start": 64, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "45852" + }, + { + "bbox": [ + 14, + 14, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/raccoon.swf", + "variation_id": 0, + "video_id": "45860" + }, + { + "bbox": [ + 182, + 47, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/raccoon.mp4", + "variation_id": 0, + "video_id": "45861" + }, + { + "bbox": [ + 213, + 8, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RA/RACCOON-1003.mp4", + "variation_id": 0, + "video_id": "66367" + }, + { + "bbox": [ + 209, + 7, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RA/RACCOON-1006.mp4", + "variation_id": 0, + "video_id": "66368" + }, + { + "bbox": [ + 28, + 0, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116458.mp4", + "variation_id": 0, + "video_id": "45853" + }, + { + "bbox": [ + 546, + 64, + 1796, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Raccoon%2C%20Purim-J_Ox8kHKzng.mp4", + "variation_id": 0, + "video_id": "45854" + }, + { + "bbox": [ + 111, + 0, + 633, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757920.5763.mp4", + "variation_id": 0, + "video_id": "45855" + }, + { + "bbox": [ + 17, + 13, + 312, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/raccoon.mp4", + "variation_id": 0, + "video_id": "45856" + }, + { + "bbox": [ + 54, + 6, + 244, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14839.mp4", + "variation_id": 0, + "video_id": "45857" + }, + { + "bbox": [ + 220, + 49, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 67, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=5TvbKdjHaWo", + "variation_id": 0, + "video_id": "45858" + }, + { + "bbox": [ + 264, + 53, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=7WGzDoy7LS0", + "variation_id": 0, + "video_id": "45859" + } + ] + }, + { + "gloss": "really", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 842, + "frame_start": 790, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46339" + }, + { + "bbox": [ + 601, + 69, + 1355, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/really.mp4", + "variation_id": 0, + "video_id": "69445" + }, + { + "bbox": [ + 196, + 52, + 416, + 360 + ], + "fps": 25, + "frame_end": 6240, + "frame_start": 6126, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70353" + }, + { + "bbox": [ + 73, + 0, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457695.mp4", + "variation_id": 0, + "video_id": "46368" + }, + { + "bbox": [ + 101, + 16, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/v8Bt4bJtjWs", + "variation_id": 0, + "video_id": "67126" + }, + { + "bbox": [ + 161, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758515.6874.mp4", + "variation_id": 0, + "video_id": "46369" + }, + { + "bbox": [ + 111, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/really.mp4", + "variation_id": 0, + "video_id": "46370" + }, + { + "bbox": [ + 324, + 6, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/really-real.mp4", + "variation_id": 0, + "video_id": "46371" + }, + { + "bbox": [ + 80, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7134.mp4", + "variation_id": 0, + "video_id": "46372" + }, + { + "bbox": [ + 79, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7135.mp4", + "variation_id": 0, + "video_id": "46373" + }, + { + "bbox": [ + 76, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8885.mp4", + "variation_id": 0, + "video_id": "46374" + }, + { + "bbox": [ + 197, + 46, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/absolute.mp4", + "variation_id": 0, + "video_id": "46375" + } + ] + }, + { + "gloss": "reason", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 912, + "frame_start": 843, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46425" + }, + { + "bbox": [ + 27, + 20, + 202, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/reason.swf", + "variation_id": 0, + "video_id": "46435" + }, + { + "bbox": [ + 183, + 50, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rational.mp4", + "variation_id": 0, + "video_id": "46436" + }, + { + "bbox": [ + 187, + 10, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REASON-950.mp4", + "variation_id": 0, + "video_id": "66375" + }, + { + "bbox": [ + 74, + 8, + 230, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/reason.mov", + "variation_id": 0, + "video_id": "46428" + }, + { + "bbox": [ + 97, + 26, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/21d06WgqFXk", + "variation_id": 0, + "video_id": "67127" + }, + { + "bbox": [ + 39, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49269.mp4", + "variation_id": 0, + "video_id": "46429" + }, + { + "bbox": [ + 661, + 70, + 1672, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reason%2C%20Realize-gODzuUZeg5Q.mp4", + "variation_id": 0, + "video_id": "46430" + }, + { + "bbox": [ + 144, + 3, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468758488.4327.mp4", + "variation_id": 0, + "video_id": "46431" + }, + { + "bbox": [ + 48, + 25, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 85, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/r/reason.mp4", + "variation_id": 0, + "video_id": "46432" + }, + { + "bbox": [ + 48, + 8, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14244.mp4", + "variation_id": 0, + "video_id": "46433" + }, + { + "bbox": [ + 309, + 26, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sU2Tmrlns9c", + "variation_id": 0, + "video_id": "46434" + } + ] + }, + { + "gloss": "religion", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1715, + "frame_start": 1666, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47103" + }, + { + "bbox": [ + 0, + 14, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/religion.swf", + "variation_id": 0, + "video_id": "47111" + }, + { + "bbox": [ + 156, + 51, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/religion.mp4", + "variation_id": 0, + "video_id": "47112" + }, + { + "bbox": [ + 95, + 29, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RELIGION-957.mp4", + "variation_id": 0, + "video_id": "66386" + }, + { + "bbox": [ + 94, + 13, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hyke9WnD7Ew", + "variation_id": 0, + "video_id": "67132" + }, + { + "bbox": [ + 84, + 11, + 239, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/religion.mov", + "variation_id": 0, + "video_id": "47104" + }, + { + "bbox": [ + 13, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49276.mp4", + "variation_id": 0, + "video_id": "47105" + }, + { + "bbox": [ + 401, + 57, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/religion.mp4", + "variation_id": 0, + "video_id": "47106" + }, + { + "bbox": [ + 580, + 65, + 1535, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Religion-nHSKXuImrZA.mp4", + "variation_id": 0, + "video_id": "47107" + }, + { + "bbox": [ + 125, + 4, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/r/religion.mp4", + "variation_id": 0, + "video_id": "47108" + }, + { + "bbox": [ + 73, + 16, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9032.mp4", + "variation_id": 0, + "video_id": "47109" + }, + { + "bbox": [ + 325, + 42, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DEJzHY5Buto", + "variation_id": 0, + "video_id": "47110" + } + ] + }, + { + "gloss": "respect", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2650, + "frame_start": 2601, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47602" + }, + { + "bbox": [ + 87, + 24, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22929.mp4", + "variation_id": 0, + "video_id": "47611" + }, + { + "bbox": [ + 89, + 25, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22930.mp4", + "variation_id": 0, + "video_id": "47612" + }, + { + "bbox": [ + 239, + 40, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Rrjgr_FBQeQ", + "variation_id": 0, + "video_id": "47613" + }, + { + "bbox": [ + 143, + 34, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RESPECT-967.mp4", + "variation_id": 0, + "video_id": "66396" + }, + { + "bbox": [ + 65, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457663.mp4", + "variation_id": 0, + "video_id": "47604" + }, + { + "bbox": [ + 14, + 3, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/respect.swf", + "variation_id": 0, + "video_id": "47614" + }, + { + "bbox": [ + 216, + 41, + 468, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/respect.mp4", + "variation_id": 0, + "video_id": "47615" + }, + { + "bbox": [ + 631, + 69, + 1521, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Repect-NBm4wuYx7To.mp4", + "variation_id": 0, + "video_id": "47605" + }, + { + "bbox": [ + 150, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468760348.5590.mp4", + "variation_id": 0, + "video_id": "47606" + }, + { + "bbox": [ + 38, + 14, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/r/respect-me.mp4", + "variation_id": 0, + "video_id": "47609" + }, + { + "bbox": [ + 54, + 12, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/respect.mp4", + "variation_id": 0, + "video_id": "47610" + } + ] + }, + { + "gloss": "rule", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4242, + "frame_start": 4190, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48738" + }, + { + "bbox": [ + 159, + 18, + 511, + 480 + ], + "fps": 25, + "frame_end": 3246, + "frame_start": 3121, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70159" + }, + { + "bbox": [ + 137, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755980.2372.mp4", + "variation_id": 0, + "video_id": "48743" + }, + { + "bbox": [ + 120, + 1, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/rule.mp4", + "variation_id": 0, + "video_id": "48744" + }, + { + "bbox": [ + 63, + 12, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2646.mp4", + "variation_id": 0, + "video_id": "48747" + }, + { + "bbox": [ + 166, + 29, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RU/RULE-986.mp4", + "variation_id": 0, + "video_id": "66419" + }, + { + "bbox": [ + 167, + 2, + 1043, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=no67o0hzEcQ", + "variation_id": 0, + "video_id": "48748" + }, + { + "bbox": [ + 167, + 2, + 1043, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=no67o0hzEcQ", + "variation_id": 0, + "video_id": "48749" + }, + { + "bbox": [ + 3, + 14, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 83, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/rule.swf", + "variation_id": 0, + "video_id": "48750" + }, + { + "bbox": [ + 193, + 50, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/register.mp4", + "variation_id": 0, + "video_id": "48752" + }, + { + "bbox": [ + 726, + 71, + 1650, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rule%2C%20Register-N_6DymOSC_M.mp4", + "variation_id": 0, + "video_id": "48740" + }, + { + "bbox": [ + 551, + 66, + 1635, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rule-jphtgMb50jY.mp4", + "variation_id": 0, + "video_id": "48741" + } + ] + }, + { + "gloss": "salad", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 156, + "frame_start": 84, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49073" + }, + { + "bbox": [ + 119, + 32, + 499, + 480 + ], + "fps": 25, + "frame_end": 1164, + "frame_start": 1026, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70062" + }, + { + "bbox": [ + 204, + 47, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/salad.mp4", + "variation_id": 0, + "video_id": "49084" + }, + { + "bbox": [ + 153, + 32, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SA/SALAD-988.mp4", + "variation_id": 0, + "video_id": "66421" + }, + { + "bbox": [ + 62, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457620.mp4", + "variation_id": 0, + "video_id": "49077" + }, + { + "bbox": [ + 78, + 16, + 436, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BBCixbI_6C4", + "variation_id": 0, + "video_id": "67158" + }, + { + "bbox": [ + 485, + 143, + 1530, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Salad-ETh-CCE1ye4.mp4", + "variation_id": 0, + "video_id": "49078" + }, + { + "bbox": [ + 111, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762473.2170.mp4", + "variation_id": 0, + "video_id": "49079" + }, + { + "bbox": [ + 64, + 2, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/salad.mp4", + "variation_id": 0, + "video_id": "49080" + }, + { + "bbox": [ + 59, + 10, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14320.mp4", + "variation_id": 0, + "video_id": "49081" + }, + { + "bbox": [ + 297, + 62, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=UZgQNIxw2m8", + "variation_id": 0, + "video_id": "49082" + }, + { + "bbox": [ + 0, + 14, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/salad.swf", + "variation_id": 0, + "video_id": "49083" + } + ] + }, + { + "gloss": "schedule", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 900, + "frame_start": 844, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49537" + }, + { + "bbox": [ + 257, + 0, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=urAudhimoUY", + "variation_id": 0, + "video_id": "49545" + }, + { + "bbox": [ + 0, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/schedule.swf", + "variation_id": 0, + "video_id": "49546" + }, + { + "bbox": [ + 114, + 18, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/fEn2xe4FN9o", + "variation_id": 0, + "video_id": "67169" + }, + { + "bbox": [ + 182, + 53, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chart.mp4", + "variation_id": 0, + "video_id": "49547" + }, + { + "bbox": [ + 61, + 16, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310888.mp4", + "variation_id": 0, + "video_id": "49538" + }, + { + "bbox": [ + 396, + 41, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Spreadsheet%252C%20Schedule.mp4", + "variation_id": 0, + "video_id": "49539" + }, + { + "bbox": [ + 144, + 7, + 608, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546375201.5313.mp4", + "variation_id": 0, + "video_id": "49540" + }, + { + "bbox": [ + 112, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/schedule.mp4", + "variation_id": 0, + "video_id": "49541" + }, + { + "bbox": [ + 80, + 7, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5983.mp4", + "variation_id": 0, + "video_id": "49542" + }, + { + "bbox": [ + 316, + 12, + 1046, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=8yUbY8nSrng", + "variation_id": 0, + "video_id": "49543" + }, + { + "bbox": [ + 316, + 12, + 1046, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8yUbY8nSrng", + "variation_id": 0, + "video_id": "49544" + } + ] + }, + { + "gloss": "sell", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2007, + "frame_start": 1955, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50263" + }, + { + "bbox": [ + 353, + 38, + 1031, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/sell.mp4", + "variation_id": 0, + "video_id": "69461" + }, + { + "bbox": [ + 302, + 26, + 1086, + 720 + ], + "fps": 25, + "frame_end": 49, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=_QHMPthhjWM", + "variation_id": 0, + "video_id": "68830" + }, + { + "bbox": [ + 22, + 0, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58432.mp4", + "variation_id": 0, + "video_id": "50266" + }, + { + "bbox": [ + 314, + 56, + 990, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sell%252C%20Sold.mp4", + "variation_id": 0, + "video_id": "50267" + }, + { + "bbox": [ + 223, + 5, + 640, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20store%202.mp4", + "variation_id": 0, + "video_id": "50268" + }, + { + "bbox": [ + 129, + 66, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1512918510.1826.mp4", + "variation_id": 0, + "video_id": "50269" + }, + { + "bbox": [ + 63, + 0, + 616, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sell.mp4", + "variation_id": 0, + "video_id": "50270" + }, + { + "bbox": [ + 51, + 14, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9199.mp4", + "variation_id": 0, + "video_id": "50271" + }, + { + "bbox": [ + 101, + 13, + 521, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=6QY2WDxRpg4", + "variation_id": 0, + "video_id": "50272" + }, + { + "bbox": [ + 0, + 5, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/sell.swf", + "variation_id": 0, + "video_id": "50273" + }, + { + "bbox": [ + 192, + 50, + 583, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sale.mp4", + "variation_id": 0, + "video_id": "50274" + } + ] + }, + { + "gloss": "serious", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2540, + "frame_start": 2461, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50502" + }, + { + "bbox": [ + 274, + 5, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7xrkPHuLv74", + "variation_id": 0, + "video_id": "50509" + }, + { + "bbox": [ + 274, + 5, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7xrkPHuLv74", + "variation_id": 0, + "video_id": "50510" + }, + { + "bbox": [ + 2, + 17, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 83, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/serious.swf", + "variation_id": 0, + "video_id": "50511" + }, + { + "bbox": [ + 224, + 28, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SERIOUS-2014.mp4", + "variation_id": 0, + "video_id": "66448" + }, + { + "bbox": [ + 103, + 11, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TreWVw5uW98", + "variation_id": 0, + "video_id": "67180" + }, + { + "bbox": [ + 194, + 51, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/serious.mp4", + "variation_id": 0, + "video_id": "50512" + }, + { + "bbox": [ + 54, + 0, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50786.mp4", + "variation_id": 0, + "video_id": "50503" + }, + { + "bbox": [ + 806, + 78, + 1643, + 1058 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Serious-NNt7UyfPCYs.mp4", + "variation_id": 0, + "video_id": "50505" + }, + { + "bbox": [ + 137, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468765339.3014.mp4", + "variation_id": 0, + "video_id": "50506" + }, + { + "bbox": [ + 124, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/serious.mp4", + "variation_id": 0, + "video_id": "50507" + }, + { + "bbox": [ + 86, + 11, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14586.mp4", + "variation_id": 0, + "video_id": "50508" + } + ] + }, + { + "gloss": "shower", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3843, + "frame_start": 3791, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51325" + }, + { + "bbox": [ + 28, + 0, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2746.mp4", + "variation_id": 0, + "video_id": "51335" + }, + { + "bbox": [ + 325, + 21, + 879, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=AkKDwmAwueo", + "variation_id": 0, + "video_id": "51336" + }, + { + "bbox": [ + 206, + 0, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=iJ8TFRWJutE", + "variation_id": 0, + "video_id": "51337" + }, + { + "bbox": [ + 306, + 9, + 888, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=LUB6bZXpgZM", + "variation_id": 0, + "video_id": "51338" + }, + { + "bbox": [ + 352, + 61, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shower.mp4", + "variation_id": 0, + "video_id": "51329" + }, + { + "bbox": [ + 62, + 14, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ZrBL-2-knGQ", + "variation_id": 0, + "video_id": "67197" + }, + { + "bbox": [ + 0, + 8, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shower_bath.swf", + "variation_id": 0, + "video_id": "51339" + }, + { + "bbox": [ + 149, + 30, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/shower.mp4", + "variation_id": 0, + "video_id": "51340" + }, + { + "bbox": [ + 277, + 0, + 819, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 52, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shower-xL-7GdHscnQ.mp4", + "variation_id": 0, + "video_id": "51330" + }, + { + "bbox": [ + 20, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468766602.3616.mp4", + "variation_id": 0, + "video_id": "51331" + }, + { + "bbox": [ + 35, + 15, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shower-bath.mp4", + "variation_id": 0, + "video_id": "51332" + } + ] + }, + { + "gloss": "single", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4497, + "frame_start": 4445, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51813" + }, + { + "bbox": [ + 328, + 29, + 912, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=iQ_4ZeFELOs", + "variation_id": 0, + "video_id": "51820" + }, + { + "bbox": [ + 312, + 50, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QVPcK3bcFo0", + "variation_id": 0, + "video_id": "51821" + }, + { + "bbox": [ + 324, + 36, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=t0WcqBpEG_0", + "variation_id": 0, + "video_id": "51822" + }, + { + "bbox": [ + 172, + 45, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SINGLE-1068.mp4", + "variation_id": 0, + "video_id": "66484" + }, + { + "bbox": [ + 19, + 7, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/single.swf", + "variation_id": 0, + "video_id": "51823" + }, + { + "bbox": [ + 211, + 51, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/single.mp4", + "variation_id": 0, + "video_id": "51824" + }, + { + "bbox": [ + 431, + 73, + 842, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/single-alone.mp4", + "variation_id": 0, + "video_id": "51814" + }, + { + "bbox": [ + 150, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468767300.5224.mp4", + "variation_id": 0, + "video_id": "51815" + }, + { + "bbox": [ + 75, + 17, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/single.mp4", + "variation_id": 0, + "video_id": "51816" + }, + { + "bbox": [ + 62, + 10, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9652.mp4", + "variation_id": 0, + "video_id": "51817" + }, + { + "bbox": [ + 61, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9654.mp4", + "variation_id": 0, + "video_id": "51818" + } + ] + }, + { + "gloss": "smart", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5498, + "frame_start": 5466, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52570" + }, + { + "bbox": [ + 522, + 9, + 1526, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Smart%202-mVdm2Q_jG-o.mp4", + "variation_id": 0, + "video_id": "52578" + }, + { + "bbox": [ + 371, + 49, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Smart%202-rD4cIErV510.mp4", + "variation_id": 0, + "video_id": "52579" + }, + { + "bbox": [ + 492, + 78, + 1440, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Smart%203-2J9f2BsCXiI.mp4", + "variation_id": 0, + "video_id": "52580" + }, + { + "bbox": [ + 339, + 36, + 1542, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Smart-65Fz-7cQaTM.mp4", + "variation_id": 0, + "video_id": "52581" + }, + { + "bbox": [ + 133, + 8, + 546, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/smart.mp4", + "variation_id": 0, + "video_id": "52583" + }, + { + "bbox": [ + 52, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23935.mp4", + "variation_id": 0, + "video_id": "52584" + }, + { + "bbox": [ + 64, + 7, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116917.mp4", + "variation_id": 0, + "video_id": "52575" + }, + { + "bbox": [ + 86, + 17, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Sv2xeeMVo7M", + "variation_id": 0, + "video_id": "67215" + }, + { + "bbox": [ + 39, + 18, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/smart.swf", + "variation_id": 0, + "video_id": "52588" + }, + { + "bbox": [ + 175, + 34, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/bright2.mp4", + "variation_id": 0, + "video_id": "52589" + }, + { + "bbox": [ + 377, + 57, + 819, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/smart.mp4", + "variation_id": 0, + "video_id": "52576" + } + ] + }, + { + "gloss": "smile", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5622, + "frame_start": 5576, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52613" + }, + { + "bbox": [ + 80, + 19, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22746.mp4", + "variation_id": 0, + "video_id": "52621" + }, + { + "bbox": [ + 10, + 3, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/smile.swf", + "variation_id": 0, + "video_id": "52622" + }, + { + "bbox": [ + 165, + 41, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/grin.mp4", + "variation_id": 0, + "video_id": "52623" + }, + { + "bbox": [ + 184, + 42, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SM/SMILE-1077.mp4", + "variation_id": 0, + "video_id": "66511" + }, + { + "bbox": [ + 182, + 42, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SM/SMILE-1078.mp4", + "variation_id": 0, + "video_id": "66512" + }, + { + "bbox": [ + 46, + 14, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63577.mp4", + "variation_id": 0, + "video_id": "52615" + }, + { + "bbox": [ + 88, + 20, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/d9hbuZy7hn4", + "variation_id": 0, + "video_id": "67216" + }, + { + "bbox": [ + 728, + 75, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Smile-whnnw071Ua0.mp4", + "variation_id": 0, + "video_id": "52616" + }, + { + "bbox": [ + 108, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468768043.3016.mp4", + "variation_id": 0, + "video_id": "52617" + }, + { + "bbox": [ + 53, + 0, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/smile-big.mp4", + "variation_id": 0, + "video_id": "52618" + }, + { + "bbox": [ + 69, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/smile.mp4", + "variation_id": 0, + "video_id": "52619" + } + ] + }, + { + "gloss": "soft", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6288, + "frame_start": 6206, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53046" + }, + { + "bbox": [ + 550, + 78, + 1329, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/soft.mp4", + "variation_id": 0, + "video_id": "69483" + }, + { + "bbox": [ + 245, + 39, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soft.mp4", + "variation_id": 0, + "video_id": "53073" + }, + { + "bbox": [ + 49, + 2, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58474.mp4", + "variation_id": 0, + "video_id": "53064" + }, + { + "bbox": [ + 719, + 67, + 1603, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gentle%2C%20Soft-yPfjrl6p4sI.mp4", + "variation_id": 0, + "video_id": "53065" + }, + { + "bbox": [ + 501, + 65, + 1656, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mattress%2C%20Soft-dXKNI0LsqoU.mp4", + "variation_id": 0, + "video_id": "53066" + }, + { + "bbox": [ + 605, + 61, + 1523, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pillow%2C%20Soft-uAzal8FixFk.mp4", + "variation_id": 0, + "video_id": "53067" + }, + { + "bbox": [ + 131, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776115.7150.mp4", + "variation_id": 0, + "video_id": "53068" + }, + { + "bbox": [ + 87, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/soft.mp4", + "variation_id": 0, + "video_id": "53069" + }, + { + "bbox": [ + 88, + 21, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22182.mp4", + "variation_id": 0, + "video_id": "53070" + }, + { + "bbox": [ + 359, + 74, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=6-NPJ5P01Dw", + "variation_id": 0, + "video_id": "53071" + }, + { + "bbox": [ + 25, + 17, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/soft.swf", + "variation_id": 0, + "video_id": "53072" + } + ] + }, + { + "gloss": "sound", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6921, + "frame_start": 6875, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53413" + }, + { + "bbox": [ + 294, + 35, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-bUDA4psPxI", + "variation_id": 0, + "video_id": "53421" + }, + { + "bbox": [ + 0, + 18, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sound.swf", + "variation_id": 0, + "video_id": "53422" + }, + { + "bbox": [ + 178, + 45, + 460, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 108, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOUND-1097.mp4", + "variation_id": 0, + "video_id": "66537" + }, + { + "bbox": [ + 184, + 52, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sound.mp4", + "variation_id": 0, + "video_id": "53423" + }, + { + "bbox": [ + 87, + 13, + 220, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 66, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/sound.mov", + "variation_id": 0, + "video_id": "53414" + }, + { + "bbox": [ + 30, + 14, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/153726.mp4", + "variation_id": 0, + "video_id": "53415" + }, + { + "bbox": [ + 665, + 76, + 1659, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sound-f0we7BWjpi8.mp4", + "variation_id": 0, + "video_id": "53416" + }, + { + "bbox": [ + 86, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468841957.701.mp4", + "variation_id": 0, + "video_id": "53417" + }, + { + "bbox": [ + 32, + 8, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/sound-acoustic.mp4", + "variation_id": 0, + "video_id": "53418" + }, + { + "bbox": [ + 61, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/sound.mp4", + "variation_id": 0, + "video_id": "53419" + }, + { + "bbox": [ + 68, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23801.mp4", + "variation_id": 0, + "video_id": "53420" + } + ] + }, + { + "gloss": "soup", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6964, + "frame_start": 6922, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53427" + }, + { + "bbox": [ + 194, + 29, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/soup.mp4", + "variation_id": 0, + "video_id": "69485" + }, + { + "bbox": [ + 74, + 32, + 508, + 480 + ], + "fps": 25, + "frame_end": 696, + "frame_start": 568, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70059" + }, + { + "bbox": [ + 168, + 16, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOUP-386.mp4", + "variation_id": 0, + "video_id": "66538" + }, + { + "bbox": [ + 84, + 20, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bzbx7wcPRZo", + "variation_id": 0, + "video_id": "67229" + }, + { + "bbox": [ + 605, + 79, + 1560, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Soup%2C%20Spoon-vAx8Y7ThSvM.mp4", + "variation_id": 0, + "video_id": "53428" + }, + { + "bbox": [ + 35, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468841983.4627.mp4", + "variation_id": 0, + "video_id": "53429" + }, + { + "bbox": [ + 48, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/soup.mp4", + "variation_id": 0, + "video_id": "53430" + }, + { + "bbox": [ + 61, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6860.mp4", + "variation_id": 0, + "video_id": "53431" + }, + { + "bbox": [ + 320, + 47, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ALdtmqECO6Y", + "variation_id": 0, + "video_id": "53432" + }, + { + "bbox": [ + 5, + 15, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/soup.swf", + "variation_id": 0, + "video_id": "53433" + }, + { + "bbox": [ + 184, + 52, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soup.mp4", + "variation_id": 0, + "video_id": "53434" + } + ] + }, + { + "gloss": "spain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7137, + "frame_start": 7078, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53543" + }, + { + "bbox": [ + 48, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/spain.mp4", + "variation_id": 0, + "video_id": "53551" + }, + { + "bbox": [ + 79, + 21, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23050.mp4", + "variation_id": 0, + "video_id": "53552" + }, + { + "bbox": [ + 335, + 45, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=49DcLBhm_Lk", + "variation_id": 1, + "video_id": "53553" + }, + { + "bbox": [ + 350, + 52, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Cph1Vk3lFXk", + "variation_id": 1, + "video_id": "53554" + }, + { + "bbox": [ + 0, + 7, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/spain.swf", + "variation_id": 0, + "video_id": "53555" + }, + { + "bbox": [ + 67, + 0, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455374.mp4", + "variation_id": 1, + "video_id": "53544" + }, + { + "bbox": [ + 632, + 56, + 1480, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spain-03hxrnb--4E.mp4", + "variation_id": 1, + "video_id": "53545" + }, + { + "bbox": [ + 533, + 99, + 1418, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spain%2C%20Sephardic%202-Jk8OmBIYZLA.mp4", + "variation_id": 1, + "video_id": "53546" + }, + { + "bbox": [ + 581, + 102, + 1422, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spain%2C%20Sephardic-o_Qs0qUiJN8.mp4", + "variation_id": 1, + "video_id": "53547" + }, + { + "bbox": [ + 86, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842197.4393.mp4", + "variation_id": 0, + "video_id": "53548" + }, + { + "bbox": [ + 140, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spain-es.mp4", + "variation_id": 1, + "video_id": "53549" + } + ] + }, + { + "gloss": "spray", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7726, + "frame_start": 7677, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54069" + }, + { + "bbox": [ + 185, + 0, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spray-plu.mp4", + "variation_id": 0, + "video_id": "54079" + }, + { + "bbox": [ + 81, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23843.mp4", + "variation_id": 0, + "video_id": "54080" + }, + { + "bbox": [ + 61, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23844.mp4", + "variation_id": 0, + "video_id": "54081" + }, + { + "bbox": [ + 40, + 11, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23845.mp4", + "variation_id": 0, + "video_id": "54082" + }, + { + "bbox": [ + 90, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23846.mp4", + "variation_id": 0, + "video_id": "54083" + }, + { + "bbox": [ + 48, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185290.mp4", + "variation_id": 0, + "video_id": "54074" + }, + { + "bbox": [ + 9, + 18, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/spray.swf", + "variation_id": 0, + "video_id": "54086" + }, + { + "bbox": [ + 199, + 54, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/spray.mp4", + "variation_id": 0, + "video_id": "54087" + }, + { + "bbox": [ + 387, + 68, + 1610, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spray-TfBh9qBk740.mp4", + "variation_id": 0, + "video_id": "54076" + }, + { + "bbox": [ + 154, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468842720.1258.mp4", + "variation_id": 0, + "video_id": "54077" + }, + { + "bbox": [ + 38, + 9, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spray.mp4", + "variation_id": 0, + "video_id": "54078" + } + ] + }, + { + "gloss": "squirrel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7892, + "frame_start": 7830, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54204" + }, + { + "bbox": [ + 0, + 5, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/squirrel.swf", + "variation_id": 0, + "video_id": "54212" + }, + { + "bbox": [ + 176, + 57, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chipmunk.mp4", + "variation_id": 0, + "video_id": "54213" + }, + { + "bbox": [ + 188, + 17, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SQ/SQUIRREL-739.mp4", + "variation_id": 0, + "video_id": "66551" + }, + { + "bbox": [ + 113, + 25, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/nWzybb8dK0Y", + "variation_id": 0, + "video_id": "67236" + }, + { + "bbox": [ + 60, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/65922.mp4", + "variation_id": 0, + "video_id": "54205" + }, + { + "bbox": [ + 560, + 144, + 1451, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Squirrel-MWv5Cq4qA3w.mp4", + "variation_id": 0, + "video_id": "54206" + }, + { + "bbox": [ + 119, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842843.109.mp4", + "variation_id": 0, + "video_id": "54207" + }, + { + "bbox": [ + 79, + 17, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/squirrel.mp4", + "variation_id": 0, + "video_id": "54208" + }, + { + "bbox": [ + 80, + 13, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14434.mp4", + "variation_id": 0, + "video_id": "54209" + }, + { + "bbox": [ + 327, + 57, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 67, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=ByBfGnp3bY8", + "variation_id": 0, + "video_id": "54210" + }, + { + "bbox": [ + 352, + 52, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m_NtFyQdRCU", + "variation_id": 0, + "video_id": "54211" + } + ] + }, + { + "gloss": "stomach", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9003, + "frame_start": 8947, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54870" + }, + { + "bbox": [ + 5, + 18, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stomach.swf", + "variation_id": 0, + "video_id": "54885" + }, + { + "bbox": [ + 202, + 49, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stomach.mp4", + "variation_id": 0, + "video_id": "54886" + }, + { + "bbox": [ + 199, + 30, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STOMACH-1128.mp4", + "variation_id": 0, + "video_id": "66560" + }, + { + "bbox": [ + 42, + 9, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310766.mp4", + "variation_id": 0, + "video_id": "54878" + }, + { + "bbox": [ + 77, + 24, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/cSuk-U74vPM", + "variation_id": 0, + "video_id": "67248" + }, + { + "bbox": [ + 713, + 137, + 1547, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stomach-7_C30DpQkhM.mp4", + "variation_id": 0, + "video_id": "54879" + }, + { + "bbox": [ + 103, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896442.4103.mp4", + "variation_id": 0, + "video_id": "54880" + }, + { + "bbox": [ + 43, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/stomach.mp4", + "variation_id": 0, + "video_id": "54881" + }, + { + "bbox": [ + 68, + 14, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23860.mp4", + "variation_id": 0, + "video_id": "54882" + }, + { + "bbox": [ + 60, + 13, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23861.mp4", + "variation_id": 0, + "video_id": "54883" + }, + { + "bbox": [ + 289, + 37, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KJLt7QN7K4Q", + "variation_id": 0, + "video_id": "54884" + } + ] + }, + { + "gloss": "story", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9106, + "frame_start": 9044, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54991" + }, + { + "bbox": [ + 4, + 14, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/story.swf", + "variation_id": 0, + "video_id": "55002" + }, + { + "bbox": [ + 200, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/story.mp4", + "variation_id": 0, + "video_id": "55003" + }, + { + "bbox": [ + 177, + 17, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STORY-275.mp4", + "variation_id": 0, + "video_id": "66561" + }, + { + "bbox": [ + 170, + 18, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STORY-277.mp4", + "variation_id": 0, + "video_id": "66562" + }, + { + "bbox": [ + 148, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896612.1567.mp4", + "variation_id": 0, + "video_id": "54995" + }, + { + "bbox": [ + 46, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/story2.mp4", + "variation_id": 0, + "video_id": "54996" + }, + { + "bbox": [ + 39, + 6, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/story.mp4", + "variation_id": 0, + "video_id": "54997" + }, + { + "bbox": [ + 49, + 0, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5711.mp4", + "variation_id": 0, + "video_id": "54998" + }, + { + "bbox": [ + 65, + 12, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8393.mp4", + "variation_id": 0, + "video_id": "54999" + }, + { + "bbox": [ + 52, + 9, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8855.mp4", + "variation_id": 0, + "video_id": "55000" + }, + { + "bbox": [ + 307, + 47, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TqmlL13jZoI", + "variation_id": 0, + "video_id": "55001" + } + ] + }, + { + "gloss": "strange", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9239, + "frame_start": 9160, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55069" + }, + { + "bbox": [ + 325, + 36, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 119, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/strange.mp4", + "variation_id": 0, + "video_id": "69491" + }, + { + "bbox": [ + 158, + 51, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bizarre.mp4", + "variation_id": 0, + "video_id": "55077" + }, + { + "bbox": [ + 162, + 25, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRANGE-688.mp4", + "variation_id": 0, + "video_id": "66564" + }, + { + "bbox": [ + 105, + 26, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gEfo5LLWNmw", + "variation_id": 0, + "video_id": "67250" + }, + { + "bbox": [ + 62, + 4, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/117053.mp4", + "variation_id": 0, + "video_id": "55070" + }, + { + "bbox": [ + 402, + 55, + 804, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/strange.mp4", + "variation_id": 0, + "video_id": "55071" + }, + { + "bbox": [ + 85, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896736.2553.mp4", + "variation_id": 0, + "video_id": "55072" + }, + { + "bbox": [ + 118, + 0, + 488, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/strange.mp4", + "variation_id": 0, + "video_id": "55073" + }, + { + "bbox": [ + 70, + 26, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22919.mp4", + "variation_id": 0, + "video_id": "55074" + }, + { + "bbox": [ + 276, + 24, + 921, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=mNf3_buUHm8", + "variation_id": 0, + "video_id": "55075" + }, + { + "bbox": [ + 4, + 8, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/strange.swf", + "variation_id": 0, + "video_id": "55076" + } + ] + }, + { + "gloss": "street", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9366, + "frame_start": 9320, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55145" + }, + { + "bbox": [ + 127, + 36, + 483, + 480 + ], + "fps": 25, + "frame_end": 3971, + "frame_start": 3837, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70192" + }, + { + "bbox": [ + 201, + 50, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/avenue.mp4", + "variation_id": 0, + "video_id": "55157" + }, + { + "bbox": [ + 156, + 23, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STREET-278.mp4", + "variation_id": 0, + "video_id": "66569" + }, + { + "bbox": [ + 48, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50827.mp4", + "variation_id": 0, + "video_id": "55150" + }, + { + "bbox": [ + 101, + 0, + 428, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/D36elT6xRxY", + "variation_id": 0, + "video_id": "67253" + }, + { + "bbox": [ + 410, + 56, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/street.mp4", + "variation_id": 0, + "video_id": "55151" + }, + { + "bbox": [ + 148, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896968.6328.mp4", + "variation_id": 0, + "video_id": "55152" + }, + { + "bbox": [ + 39, + 0, + 594, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/street.mp4", + "variation_id": 0, + "video_id": "55153" + }, + { + "bbox": [ + 80, + 4, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5951.mp4", + "variation_id": 0, + "video_id": "55154" + }, + { + "bbox": [ + 287, + 40, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=n9RE7lOpF4w", + "variation_id": 0, + "video_id": "55155" + }, + { + "bbox": [ + 27, + 0, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/street.swf", + "variation_id": 0, + "video_id": "55156" + } + ] + }, + { + "gloss": "stress", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9419, + "frame_start": 9367, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55169" + }, + { + "bbox": [ + 11, + 8, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stress.swf", + "variation_id": 0, + "video_id": "55183" + }, + { + "bbox": [ + 195, + 55, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stress.mp4", + "variation_id": 0, + "video_id": "55184" + }, + { + "bbox": [ + 207, + 9, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRESS-928.mp4", + "variation_id": 0, + "video_id": "66570" + }, + { + "bbox": [ + 693, + 62, + 1699, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stress-7LrtZAzEpgE.mp4", + "variation_id": 0, + "video_id": "55176" + }, + { + "bbox": [ + 103, + 15, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yKC9CK4dbPM", + "variation_id": 0, + "video_id": "67252" + }, + { + "bbox": [ + 776, + 62, + 1811, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stress-c9isw6BIkWU.mp4", + "variation_id": 0, + "video_id": "55177" + }, + { + "bbox": [ + 677, + 68, + 1618, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stress-GhrdusZi-5M.mp4", + "variation_id": 0, + "video_id": "55178" + }, + { + "bbox": [ + 134, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468897016.1780.mp4", + "variation_id": 0, + "video_id": "55179" + }, + { + "bbox": [ + 8, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/stress.mp4", + "variation_id": 0, + "video_id": "55180" + }, + { + "bbox": [ + 58, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14089.mp4", + "variation_id": 0, + "video_id": "55181" + }, + { + "bbox": [ + 55, + 6, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14094.mp4", + "variation_id": 0, + "video_id": "55182" + } + ] + }, + { + "gloss": "strict", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9502, + "frame_start": 9420, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55197" + }, + { + "bbox": [ + 12, + 6, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/strict.swf", + "variation_id": 0, + "video_id": "55205" + }, + { + "bbox": [ + 190, + 54, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/strict.mp4", + "variation_id": 0, + "video_id": "55206" + }, + { + "bbox": [ + 174, + 30, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRICT-1130.mp4", + "variation_id": 0, + "video_id": "66571" + }, + { + "bbox": [ + 100, + 29, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sq2bTvxumXQ", + "variation_id": 0, + "video_id": "67254" + }, + { + "bbox": [ + 65, + 6, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/117067.mp4", + "variation_id": 0, + "video_id": "55198" + }, + { + "bbox": [ + 404, + 55, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/strict.mp4", + "variation_id": 0, + "video_id": "55199" + }, + { + "bbox": [ + 142, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897039.9175.mp4", + "variation_id": 0, + "video_id": "55200" + }, + { + "bbox": [ + 47, + 20, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/strict.mp4", + "variation_id": 0, + "video_id": "55201" + }, + { + "bbox": [ + 61, + 10, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/2/2915.mp4", + "variation_id": 0, + "video_id": "55202" + }, + { + "bbox": [ + 315, + 46, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=pNH91P2QViY", + "variation_id": 0, + "video_id": "55203" + }, + { + "bbox": [ + 319, + 23, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=q3cIdG3BudM", + "variation_id": 0, + "video_id": "55204" + } + ] + }, + { + "gloss": "strong", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9565, + "frame_start": 9503, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55274" + }, + { + "bbox": [ + 316, + 33, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/strong.mp4", + "variation_id": 0, + "video_id": "69493" + }, + { + "bbox": [ + 124, + 11, + 547, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Zz_LUGLKwQ8", + "variation_id": 0, + "video_id": "55284" + }, + { + "bbox": [ + 18, + 16, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/strong.swf", + "variation_id": 0, + "video_id": "55285" + }, + { + "bbox": [ + 87, + 22, + 585, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRONG-1132.mp4", + "variation_id": 0, + "video_id": "66572" + }, + { + "bbox": [ + 223, + 15, + 546, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/strong.mp4", + "variation_id": 0, + "video_id": "55276" + }, + { + "bbox": [ + 183, + 54, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/strong.mp4", + "variation_id": 0, + "video_id": "55286" + }, + { + "bbox": [ + 718, + 84, + 1575, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Strong%202-0T6SohUrRSw.mp4", + "variation_id": 0, + "video_id": "55277" + }, + { + "bbox": [ + 739, + 87, + 1529, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Strong-3Rx91HSF5JY.mp4", + "variation_id": 0, + "video_id": "55278" + }, + { + "bbox": [ + 155, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468897211.2856.mp4", + "variation_id": 0, + "video_id": "55279" + }, + { + "bbox": [ + 128, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/strong2.mp4", + "variation_id": 0, + "video_id": "55280" + }, + { + "bbox": [ + 71, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6690.mp4", + "variation_id": 0, + "video_id": "55283" + } + ] + }, + { + "gloss": "sugar", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10179, + "frame_start": 10110, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55656" + }, + { + "bbox": [ + 348, + 57, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QOcJYWXS3Mo", + "variation_id": 0, + "video_id": "55666" + }, + { + "bbox": [ + 22, + 10, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sugar.swf", + "variation_id": 0, + "video_id": "55667" + }, + { + "bbox": [ + 60, + 1, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 28, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/482575.mp4", + "variation_id": 0, + "video_id": "55658" + }, + { + "bbox": [ + 198, + 52, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sugar.mp4", + "variation_id": 0, + "video_id": "55668" + }, + { + "bbox": [ + 426, + 60, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sugar.mp4", + "variation_id": 0, + "video_id": "55659" + }, + { + "bbox": [ + 732, + 50, + 1609, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sugar%2C%20Diabetes-d65br6hli5M.mp4", + "variation_id": 0, + "video_id": "55660" + }, + { + "bbox": [ + 148, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897815.3361.mp4", + "variation_id": 0, + "video_id": "55661" + }, + { + "bbox": [ + 133, + 0, + 486, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sugar.mp4", + "variation_id": 0, + "video_id": "55662" + }, + { + "bbox": [ + 69, + 11, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8732.mp4", + "variation_id": 0, + "video_id": "55663" + }, + { + "bbox": [ + 70, + 9, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8734.mp4", + "variation_id": 0, + "video_id": "55664" + }, + { + "bbox": [ + 331, + 32, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FQqtdHeGwl4", + "variation_id": 0, + "video_id": "55665" + } + ] + }, + { + "gloss": "summer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10276, + "frame_start": 10237, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55730" + }, + { + "bbox": [ + 270, + 25, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/summer.mp4", + "variation_id": 0, + "video_id": "69495" + }, + { + "bbox": [ + 195, + 33, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/summer.mp4", + "variation_id": 0, + "video_id": "55738" + }, + { + "bbox": [ + 139, + 23, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SU/SUMMER-668.mp4", + "variation_id": 0, + "video_id": "66579" + }, + { + "bbox": [ + 100, + 9, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/6_Pr0suftvI", + "variation_id": 0, + "video_id": "67263" + }, + { + "bbox": [ + 416, + 58, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/summer.mp4", + "variation_id": 0, + "video_id": "55731" + }, + { + "bbox": [ + 645, + 69, + 1645, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Summer-a20Is7sVOOg.mp4", + "variation_id": 0, + "video_id": "55732" + }, + { + "bbox": [ + 90, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897911.2585.mp4", + "variation_id": 0, + "video_id": "55733" + }, + { + "bbox": [ + 52, + 1, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/summer.mp4", + "variation_id": 0, + "video_id": "55734" + }, + { + "bbox": [ + 59, + 9, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7071.mp4", + "variation_id": 0, + "video_id": "55735" + }, + { + "bbox": [ + 173, + 0, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=AaXReP9YjVE", + "variation_id": 0, + "video_id": "55736" + }, + { + "bbox": [ + 0, + 2, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/summer.swf", + "variation_id": 0, + "video_id": "55737" + } + ] + }, + { + "gloss": "suspect", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11008, + "frame_start": 10946, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56157" + }, + { + "bbox": [ + 318, + 33, + 945, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=S83lsgiargY", + "variation_id": 0, + "video_id": "56165" + }, + { + "bbox": [ + 27, + 17, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/suspect.swf", + "variation_id": 0, + "video_id": "56166" + }, + { + "bbox": [ + 93, + 26, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/1MuwoWTs5sA", + "variation_id": 0, + "video_id": "67269" + }, + { + "bbox": [ + 216, + 36, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suspect.mp4", + "variation_id": 0, + "video_id": "56167" + }, + { + "bbox": [ + 75, + 4, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/suspect.mov", + "variation_id": 0, + "video_id": "56158" + }, + { + "bbox": [ + 54, + 15, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89967.mp4", + "variation_id": 0, + "video_id": "56159" + }, + { + "bbox": [ + 566, + 52, + 1609, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Suspicion-BsWCR9-J5Ys.mp4", + "variation_id": 0, + "video_id": "56160" + }, + { + "bbox": [ + 116, + 39, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1513524764.7061.mp4", + "variation_id": 0, + "video_id": "56161" + }, + { + "bbox": [ + 138, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/suspect.mp4", + "variation_id": 0, + "video_id": "56162" + }, + { + "bbox": [ + 50, + 10, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14186.mp4", + "variation_id": 0, + "video_id": "56163" + }, + { + "bbox": [ + 332, + 55, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FNa4tDZrIMA", + "variation_id": 0, + "video_id": "56164" + } + ] + }, + { + "gloss": "sweetheart", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11211, + "frame_start": 11175, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56294" + }, + { + "bbox": [ + 326, + 41, + 1021, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hfVKSp700wc", + "variation_id": 0, + "video_id": "56302" + }, + { + "bbox": [ + 334, + 23, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zMBQJAu7l_g", + "variation_id": 0, + "video_id": "56303" + }, + { + "bbox": [ + 0, + 8, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/sweetheart.swf", + "variation_id": 0, + "video_id": "56304" + }, + { + "bbox": [ + 230, + 38, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sweetheart.mp4", + "variation_id": 0, + "video_id": "56305" + }, + { + "bbox": [ + 52, + 5, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/117121.mp4", + "variation_id": 0, + "video_id": "56295" + }, + { + "bbox": [ + 421, + 70, + 906, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sweetheart.mp4", + "variation_id": 0, + "video_id": "56296" + }, + { + "bbox": [ + 202, + 20, + 806, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sweetheart.mp4", + "variation_id": 0, + "video_id": "56297" + }, + { + "bbox": [ + 132, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468898665.27.mp4", + "variation_id": 0, + "video_id": "56298" + }, + { + "bbox": [ + 177, + 15, + 513, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/sweetheart.mp4", + "variation_id": 0, + "video_id": "56299" + }, + { + "bbox": [ + 88, + 19, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23061.mp4", + "variation_id": 0, + "video_id": "56300" + }, + { + "bbox": [ + 93, + 22, + 463, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hfVKSp700wc", + "variation_id": 0, + "video_id": "56301" + } + ] + }, + { + "gloss": "tease", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 672, + "frame_start": 613, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57131" + }, + { + "bbox": [ + 66, + 28, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23331.mp4", + "variation_id": 0, + "video_id": "57139" + }, + { + "bbox": [ + 5, + 10, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tease.swf", + "variation_id": 0, + "video_id": "57140" + }, + { + "bbox": [ + 91, + 19, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/XsYMsykADr0", + "variation_id": 0, + "video_id": "67284" + }, + { + "bbox": [ + 248, + 54, + 510, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/joke.mp4", + "variation_id": 0, + "video_id": "57141" + }, + { + "bbox": [ + 95, + 26, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/476650.mp4", + "variation_id": 0, + "video_id": "57132" + }, + { + "bbox": [ + 679, + 144, + 1430, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tease-8vRLVTyHqmM.mp4", + "variation_id": 0, + "video_id": "57133" + }, + { + "bbox": [ + 144, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943565.4191.mp4", + "variation_id": 0, + "video_id": "57134" + }, + { + "bbox": [ + 57, + 0, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/tease.mp4", + "variation_id": 0, + "video_id": "57135" + }, + { + "bbox": [ + 73, + 23, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23038.mp4", + "variation_id": 0, + "video_id": "57136" + }, + { + "bbox": [ + 79, + 21, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23329.mp4", + "variation_id": 0, + "video_id": "57137" + }, + { + "bbox": [ + 73, + 21, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23330.mp4", + "variation_id": 0, + "video_id": "57138" + } + ] + }, + { + "gloss": "that", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1548, + "frame_start": 1512, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57669" + }, + { + "bbox": [ + 21, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14366.mp4", + "variation_id": 0, + "video_id": "57677" + }, + { + "bbox": [ + 122, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/that.mp4", + "variation_id": 0, + "video_id": "57674" + }, + { + "bbox": [ + 104, + 23, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/that-one.mp4", + "variation_id": 0, + "video_id": "57675" + }, + { + "bbox": [ + 78, + 31, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THAT-1199.mp4", + "variation_id": 0, + "video_id": "66599" + }, + { + "bbox": [ + 87, + 29, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/mYw6SXzfjm4", + "variation_id": 0, + "video_id": "67294" + }, + { + "bbox": [ + 59, + 15, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90013.mp4", + "variation_id": 0, + "video_id": "57670" + }, + { + "bbox": [ + 294, + 52, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G4HZ1OaQHpI", + "variation_id": 0, + "video_id": "57678" + }, + { + "bbox": [ + 394, + 50, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/that.mp4", + "variation_id": 0, + "video_id": "57671" + }, + { + "bbox": [ + 278, + 39, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=IujovunU_X8", + "variation_id": 0, + "video_id": "57679" + }, + { + "bbox": [ + 29, + 13, + 192, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/that.swf", + "variation_id": 0, + "video_id": "57680" + }, + { + "bbox": [ + 106, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/that-here.mp4", + "variation_id": 0, + "video_id": "57673" + } + ] + }, + { + "gloss": "themselves", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1798, + "frame_start": 1746, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57757" + }, + { + "bbox": [ + 76, + 16, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9276.mp4", + "variation_id": 0, + "video_id": "57765" + }, + { + "bbox": [ + 14, + 41, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=n5NIhFE3wy4", + "variation_id": 0, + "video_id": "57766" + }, + { + "bbox": [ + 81, + 0, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=wn9ksgLPYBc", + "variation_id": 0, + "video_id": "57767" + }, + { + "bbox": [ + 183, + 53, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/yourself.mp4", + "variation_id": 0, + "video_id": "57768" + }, + { + "bbox": [ + 317, + 39, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Themselves-qnBkbA2-9Eg.mp4", + "variation_id": 0, + "video_id": "57758" + }, + { + "bbox": [ + 141, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944443.5504.mp4", + "variation_id": 0, + "video_id": "57759" + }, + { + "bbox": [ + 25, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/themselves2.mp4", + "variation_id": 0, + "video_id": "57760" + }, + { + "bbox": [ + 15, + 1, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/themselves.mp4", + "variation_id": 0, + "video_id": "57761" + }, + { + "bbox": [ + 85, + 13, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7200.mp4", + "variation_id": 0, + "video_id": "57762" + }, + { + "bbox": [ + 46, + 12, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7360.mp4", + "variation_id": 0, + "video_id": "57763" + }, + { + "bbox": [ + 75, + 13, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9158.mp4", + "variation_id": 0, + "video_id": "57764" + } + ] + }, + { + "gloss": "therapy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1942, + "frame_start": 1896, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57801" + }, + { + "bbox": [ + 99, + 23, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23434.mp4", + "variation_id": 0, + "video_id": "57807" + }, + { + "bbox": [ + 349, + 52, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eeEeaAezraU", + "variation_id": 0, + "video_id": "57808" + }, + { + "bbox": [ + 397, + 53, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=EFa5HfPau9A", + "variation_id": 0, + "video_id": "57809" + }, + { + "bbox": [ + 156, + 33, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THERAPY-1206.mp4", + "variation_id": 0, + "video_id": "66605" + }, + { + "bbox": [ + 394, + 55, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VS3iTjU_UEM", + "variation_id": 0, + "video_id": "57811" + }, + { + "bbox": [ + 1, + 14, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/therapy.swf", + "variation_id": 0, + "video_id": "57812" + }, + { + "bbox": [ + 697, + 43, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Therapy%202-kDgAz2-viR8.mp4", + "variation_id": 0, + "video_id": "57802" + }, + { + "bbox": [ + 641, + 50, + 1601, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Therapy-9vVwv70XDYE.mp4", + "variation_id": 0, + "video_id": "57803" + }, + { + "bbox": [ + 154, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468944509.1983.mp4", + "variation_id": 0, + "video_id": "57804" + }, + { + "bbox": [ + 127, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/therapy.mp4", + "variation_id": 0, + "video_id": "57805" + }, + { + "bbox": [ + 98, + 23, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23433.mp4", + "variation_id": 0, + "video_id": "57806" + } + ] + }, + { + "gloss": "thirsty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2382, + "frame_start": 2320, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58023" + }, + { + "bbox": [ + 375, + 41, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/thirsty.mp4", + "variation_id": 0, + "video_id": "69506" + }, + { + "bbox": [ + 181, + 52, + 522, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/thirsty.mp4", + "variation_id": 0, + "video_id": "58031" + }, + { + "bbox": [ + 177, + 34, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THIRSTY-293.mp4", + "variation_id": 0, + "video_id": "66615" + }, + { + "bbox": [ + 106, + 28, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4Y8Y4qrSP1s", + "variation_id": 0, + "video_id": "67303" + }, + { + "bbox": [ + 69, + 11, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307907.mp4", + "variation_id": 0, + "video_id": "58024" + }, + { + "bbox": [ + 464, + 65, + 855, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/thirsty.mp4", + "variation_id": 0, + "video_id": "58025" + }, + { + "bbox": [ + 368, + 12, + 795, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thirsty-IN1XKqE9Oq8.mp4", + "variation_id": 0, + "video_id": "58026" + }, + { + "bbox": [ + 150, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468944852.2333.mp4", + "variation_id": 0, + "video_id": "58027" + }, + { + "bbox": [ + 122, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/thirsty.mp4", + "variation_id": 0, + "video_id": "58028" + }, + { + "bbox": [ + 78, + 20, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23159.mp4", + "variation_id": 0, + "video_id": "58029" + }, + { + "bbox": [ + 401, + 50, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=B79LCAc3-x0", + "variation_id": 0, + "video_id": "58030" + } + ] + }, + { + "gloss": "ticket", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2764, + "frame_start": 2708, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58384" + }, + { + "bbox": [ + 21, + 5, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/ticket_fine.swf", + "variation_id": 0, + "video_id": "58395" + }, + { + "bbox": [ + 24, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/ticket.swf", + "variation_id": 0, + "video_id": "58396" + }, + { + "bbox": [ + 49, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50881.mp4", + "variation_id": 0, + "video_id": "58387" + }, + { + "bbox": [ + 192, + 61, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cite2.mp4", + "variation_id": 0, + "video_id": "58397" + }, + { + "bbox": [ + 407, + 56, + 826, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ticket.mp4", + "variation_id": 0, + "video_id": "58388" + }, + { + "bbox": [ + 142, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945209.7107.mp4", + "variation_id": 0, + "video_id": "58389" + }, + { + "bbox": [ + 107, + 0, + 525, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/ticket-give.mp4", + "variation_id": 0, + "video_id": "58390" + }, + { + "bbox": [ + 120, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/ticket.mp4", + "variation_id": 0, + "video_id": "58391" + }, + { + "bbox": [ + 91, + 22, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22588.mp4", + "variation_id": 0, + "video_id": "58392" + }, + { + "bbox": [ + 78, + 21, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22589.mp4", + "variation_id": 0, + "video_id": "58393" + }, + { + "bbox": [ + 308, + 43, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=os3UZ0eilLE", + "variation_id": 0, + "video_id": "58394" + } + ] + }, + { + "gloss": "top", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4095, + "frame_start": 4066, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58933" + }, + { + "bbox": [ + 116, + 20, + 522, + 480 + ], + "fps": 25, + "frame_end": 4524, + "frame_start": 4364, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70165" + }, + { + "bbox": [ + 15, + 19, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/top.swf", + "variation_id": 0, + "video_id": "58943" + }, + { + "bbox": [ + 162, + 49, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/top.mp4", + "variation_id": 0, + "video_id": "58944" + }, + { + "bbox": [ + 136, + 34, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOP-1256.mp4", + "variation_id": 0, + "video_id": "66658" + }, + { + "bbox": [ + 71, + 14, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310706.mp4", + "variation_id": 0, + "video_id": "58935" + }, + { + "bbox": [ + 717, + 39, + 1605, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Top-Cod-qUhOJTA.mp4", + "variation_id": 0, + "video_id": "58936" + }, + { + "bbox": [ + 146, + 0, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946137.5185.mp4", + "variation_id": 0, + "video_id": "58937" + }, + { + "bbox": [ + 43, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/top-best.mp4", + "variation_id": 0, + "video_id": "58938" + }, + { + "bbox": [ + 1, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/top.mp4", + "variation_id": 0, + "video_id": "58939" + }, + { + "bbox": [ + 48, + 23, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22280.mp4", + "variation_id": 0, + "video_id": "58940" + }, + { + "bbox": [ + 186, + 20, + 1007, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eFsZ6FwpX8g", + "variation_id": 0, + "video_id": "58942" + } + ] + }, + { + "gloss": "tuesday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5489, + "frame_start": 5423, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59902" + }, + { + "bbox": [ + 159, + 20, + 474, + 480 + ], + "fps": 25, + "frame_end": 1205, + "frame_start": 1120, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70024" + }, + { + "bbox": [ + 82, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6984.mp4", + "variation_id": 0, + "video_id": "59909" + }, + { + "bbox": [ + 68, + 20, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8981.mp4", + "variation_id": 0, + "video_id": "59910" + }, + { + "bbox": [ + 356, + 34, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JKCbn8k968s", + "variation_id": 0, + "video_id": "59911" + }, + { + "bbox": [ + 0, + 8, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tuesday.swf", + "variation_id": 0, + "video_id": "59912" + }, + { + "bbox": [ + 180, + 52, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tuesday.mp4", + "variation_id": 0, + "video_id": "59913" + }, + { + "bbox": [ + 57, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50928.mp4", + "variation_id": 0, + "video_id": "59903" + }, + { + "bbox": [ + 399, + 52, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tuesday.mp4", + "variation_id": 0, + "video_id": "59904" + }, + { + "bbox": [ + 522, + 0, + 1360, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 3, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tuesday-Lik7ixoBok8.mp4", + "variation_id": 0, + "video_id": "59905" + }, + { + "bbox": [ + 148, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468947589.9689.mp4", + "variation_id": 0, + "video_id": "59906" + }, + { + "bbox": [ + 36, + 8, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tuesday.mp4", + "variation_id": 0, + "video_id": "59907" + } + ] + }, + { + "gloss": "turkey", + "instances": [ + { + "bbox": [ + 598, + 91, + 1564, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Turkey%202-hpe-2ywOAyM.mp4", + "variation_id": 0, + "video_id": "59953" + }, + { + "bbox": [ + 590, + 83, + 1562, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Turkey-4SR_PNr7KQ0.mp4", + "variation_id": 0, + "video_id": "59954" + }, + { + "bbox": [ + 67, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947604.7342.mp4", + "variation_id": 0, + "video_id": "59956" + }, + { + "bbox": [ + 34, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/turkey.mp4", + "variation_id": 0, + "video_id": "59958" + }, + { + "bbox": [ + 59, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6873.mp4", + "variation_id": 0, + "video_id": "59959" + }, + { + "bbox": [ + 138, + 35, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TU/TURKEY-348.mp4", + "variation_id": 0, + "video_id": "66683" + }, + { + "bbox": [ + 89, + 0, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hz0RfgqbRr4", + "variation_id": 0, + "video_id": "67328" + }, + { + "bbox": [ + 328, + 31, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BIiQBs8YKRg", + "variation_id": 0, + "video_id": "59961" + }, + { + "bbox": [ + 263, + 47, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=TI55Yh9nSQ4", + "variation_id": 0, + "video_id": "59963" + }, + { + "bbox": [ + 4, + 21, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/turkey_b.swf", + "variation_id": 0, + "video_id": "59965" + }, + { + "bbox": [ + 179, + 54, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/turkey.mp4", + "variation_id": 0, + "video_id": "59966" + }, + { + "bbox": [ + 377, + 59, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/turkey.mp4", + "variation_id": 0, + "video_id": "59952" + } + ] + }, + { + "gloss": "university", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 485, + "frame_start": 423, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60759" + }, + { + "bbox": [ + 2, + 21, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/u/university.swf", + "variation_id": 0, + "video_id": "60767" + }, + { + "bbox": [ + 171, + 46, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/university.mp4", + "variation_id": 0, + "video_id": "60768" + }, + { + "bbox": [ + 204, + 29, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UN/UNIVERSITY-1360.mp4", + "variation_id": 0, + "video_id": "66707" + }, + { + "bbox": [ + 84, + 24, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8_N3JXRd_vU", + "variation_id": 0, + "video_id": "67021" + }, + { + "bbox": [ + 26, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58402.mp4", + "variation_id": 0, + "video_id": "60760" + }, + { + "bbox": [ + 415, + 68, + 872, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/university.mp4", + "variation_id": 0, + "video_id": "60761" + }, + { + "bbox": [ + 361, + 63, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20University.mp4", + "variation_id": 0, + "video_id": "60762" + }, + { + "bbox": [ + 89, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468925301.7008.mp4", + "variation_id": 0, + "video_id": "60763" + }, + { + "bbox": [ + 58, + 10, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/u/university.mp4", + "variation_id": 0, + "video_id": "60764" + }, + { + "bbox": [ + 73, + 5, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5795.mp4", + "variation_id": 0, + "video_id": "60765" + }, + { + "bbox": [ + 291, + 0, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=A63jDYGVSPU", + "variation_id": 0, + "video_id": "60766" + } + ] + }, + { + "gloss": "until", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 525, + "frame_start": 486, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60850" + }, + { + "bbox": [ + 277, + 19, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6S9riIpP4go", + "variation_id": 0, + "video_id": "60858" + }, + { + "bbox": [ + 0, + 19, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/u/until.swf", + "variation_id": 0, + "video_id": "60859" + }, + { + "bbox": [ + 190, + 29, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UN/UNTIL-1361.mp4", + "variation_id": 0, + "video_id": "66708" + }, + { + "bbox": [ + 168, + 54, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/until.mp4", + "variation_id": 0, + "video_id": "60860" + }, + { + "bbox": [ + 48, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/400245.mp4", + "variation_id": 0, + "video_id": "60851" + }, + { + "bbox": [ + 426, + 62, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/until.mp4", + "variation_id": 0, + "video_id": "60852" + }, + { + "bbox": [ + 578, + 50, + 1588, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Until-4uTrz0N_DdM.mp4", + "variation_id": 0, + "video_id": "60853" + }, + { + "bbox": [ + 64, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468925328.4856.mp4", + "variation_id": 0, + "video_id": "60854" + }, + { + "bbox": [ + 45, + 15, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/u/until.mp4", + "variation_id": 0, + "video_id": "60855" + }, + { + "bbox": [ + 64, + 9, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8675.mp4", + "variation_id": 0, + "video_id": "60856" + }, + { + "bbox": [ + 151, + 12, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6S9riIpP4go", + "variation_id": 0, + "video_id": "60857" + } + ] + }, + { + "gloss": "watch", + "instances": [ + { + "bbox": [ + 200, + 55, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/watch3.mp4", + "variation_id": 0, + "video_id": "62458" + }, + { + "bbox": [ + 725, + 79, + 1557, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Watch%202-PabAAiXXubQ.mp4", + "variation_id": 0, + "video_id": "62440" + }, + { + "bbox": [ + 710, + 80, + 1576, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Watch-RMZWCnTTGjE.mp4", + "variation_id": 0, + "video_id": "62443" + }, + { + "bbox": [ + 132, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927195.7116.mp4", + "variation_id": 0, + "video_id": "62444" + }, + { + "bbox": [ + 125, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927217.1867.mp4", + "variation_id": 1, + "video_id": "62445" + }, + { + "bbox": [ + 436, + 55, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/watch.mp4", + "variation_id": 0, + "video_id": "62439" + }, + { + "bbox": [ + 34, + 7, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/watch-hir.mp4", + "variation_id": 1, + "video_id": "62447" + }, + { + "bbox": [ + 75, + 18, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/watch.mp4", + "variation_id": 1, + "video_id": "62448" + }, + { + "bbox": [ + 78, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7836.mp4", + "variation_id": 1, + "video_id": "62452" + }, + { + "bbox": [ + 69, + 13, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9584.mp4", + "variation_id": 0, + "video_id": "62453" + }, + { + "bbox": [ + 306, + 58, + 1071, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mVLZ267V540", + "variation_id": 1, + "video_id": "62454" + }, + { + "bbox": [ + 20, + 5, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/watch_lcd.swf", + "variation_id": 0, + "video_id": "62455" + } + ] + }, + { + "gloss": "weak", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1133, + "frame_start": 1061, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62584" + }, + { + "bbox": [ + 151, + 22, + 501, + 480 + ], + "fps": 25, + "frame_end": 5220, + "frame_start": 5117, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70123" + }, + { + "bbox": [ + 188, + 54, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/weak.mp4", + "variation_id": 0, + "video_id": "62593" + }, + { + "bbox": [ + 92, + 28, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/tF7Z-Z-4-m8", + "variation_id": 0, + "video_id": "67047" + }, + { + "bbox": [ + 65, + 31, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90209.mp4", + "variation_id": 0, + "video_id": "62585" + }, + { + "bbox": [ + 389, + 56, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/weak.mp4", + "variation_id": 0, + "video_id": "62586" + }, + { + "bbox": [ + 330, + 26, + 765, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Weak-Pu9uYoYe-O8.mp4", + "variation_id": 0, + "video_id": "62587" + }, + { + "bbox": [ + 132, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927405.9675.mp4", + "variation_id": 0, + "video_id": "62588" + }, + { + "bbox": [ + 56, + 0, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/weak.mp4", + "variation_id": 0, + "video_id": "62589" + }, + { + "bbox": [ + 62, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14515.mp4", + "variation_id": 0, + "video_id": "62590" + }, + { + "bbox": [ + 68, + 13, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14516.mp4", + "variation_id": 0, + "video_id": "62591" + }, + { + "bbox": [ + 31, + 22, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/weak.swf", + "variation_id": 0, + "video_id": "62592" + } + ] + }, + { + "gloss": "wedding", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1286, + "frame_start": 1237, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62684" + }, + { + "bbox": [ + 359, + 37, + 981, + 720 + ], + "fps": 25, + "frame_end": 41, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=G252poTOgQQ", + "variation_id": 0, + "video_id": "68468" + }, + { + "bbox": [ + 142, + 57, + 623, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wedding.mp4", + "variation_id": 0, + "video_id": "62697" + }, + { + "bbox": [ + 161, + 27, + 598, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEDDING-2022.mp4", + "variation_id": 0, + "video_id": "66757" + }, + { + "bbox": [ + 29, + 0, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50949.mp4", + "variation_id": 0, + "video_id": "62689" + }, + { + "bbox": [ + 20, + 19, + 440, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5o1jKu0OZp0", + "variation_id": 0, + "video_id": "67050" + }, + { + "bbox": [ + 361, + 71, + 904, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wedding.mp4", + "variation_id": 0, + "video_id": "62690" + }, + { + "bbox": [ + 406, + 26, + 1059, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Wedding.mp4", + "variation_id": 0, + "video_id": "62691" + }, + { + "bbox": [ + 72, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468927533.9629.mp4", + "variation_id": 0, + "video_id": "62692" + }, + { + "bbox": [ + 45, + 0, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/wedding.mp4", + "variation_id": 0, + "video_id": "62693" + }, + { + "bbox": [ + 57, + 15, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23783.mp4", + "variation_id": 0, + "video_id": "62694" + }, + { + "bbox": [ + 21, + 25, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jed065StKQI", + "variation_id": 0, + "video_id": "62695" + } + ] + }, + { + "gloss": "will", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2464, + "frame_start": 2412, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63358" + }, + { + "bbox": [ + 597, + 68, + 1359, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/will.mp4", + "variation_id": 0, + "video_id": "69536" + }, + { + "bbox": [ + 182, + 51, + 417, + 360 + ], + "fps": 25, + "frame_end": 5171, + "frame_start": 5063, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70350" + }, + { + "bbox": [ + 139, + 37, + 387, + 360 + ], + "fps": 25, + "frame_end": 3867, + "frame_start": 3758, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70292" + }, + { + "bbox": [ + 127, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/will.mp4", + "variation_id": 0, + "video_id": "63363" + }, + { + "bbox": [ + 68, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14736.mp4", + "variation_id": 0, + "video_id": "63364" + }, + { + "bbox": [ + 315, + 54, + 908, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mZfOUCN1F0A", + "variation_id": 0, + "video_id": "63369" + }, + { + "bbox": [ + 322, + 13, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tJCmCymPZ2o", + "variation_id": 0, + "video_id": "63370" + }, + { + "bbox": [ + 332, + 14, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=vCeFHUNdBtk", + "variation_id": 0, + "video_id": "63371" + }, + { + "bbox": [ + 30, + 19, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/will.swf", + "variation_id": 0, + "video_id": "63372" + }, + { + "bbox": [ + 187, + 52, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/will.mp4", + "variation_id": 0, + "video_id": "63374" + }, + { + "bbox": [ + 100, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928513.6323.mp4", + "variation_id": 0, + "video_id": "63360" + } + ] + }, + { + "gloss": "wind", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2610, + "frame_start": 2508, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63399" + }, + { + "bbox": [ + 38, + 19, + 580, + 480 + ], + "fps": 25, + "frame_end": 8241, + "frame_start": 8143, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70086" + }, + { + "bbox": [ + 139, + 55, + 631, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/breezy.mp4", + "variation_id": 0, + "video_id": "63410" + }, + { + "bbox": [ + 124, + 0, + 555, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WIND-321.mp4", + "variation_id": 0, + "video_id": "66790" + }, + { + "bbox": [ + 57, + 10, + 266, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/wind.mov", + "variation_id": 0, + "video_id": "63402" + }, + { + "bbox": [ + 355, + 64, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wind.mp4", + "variation_id": 0, + "video_id": "63403" + }, + { + "bbox": [ + 513, + 54, + 1755, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wind-L6cpyNiwnxo.mp4", + "variation_id": 0, + "video_id": "63404" + }, + { + "bbox": [ + 55, + 9, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928662.3713.mp4", + "variation_id": 0, + "video_id": "63405" + }, + { + "bbox": [ + 76, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wind.mp4", + "variation_id": 0, + "video_id": "63406" + }, + { + "bbox": [ + 53, + 21, + 259, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22975.mp4", + "variation_id": 0, + "video_id": "63407" + }, + { + "bbox": [ + 50, + 12, + 268, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23830.mp4", + "variation_id": 0, + "video_id": "63408" + }, + { + "bbox": [ + 0, + 2, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wind.swf", + "variation_id": 0, + "video_id": "63409" + } + ] + }, + { + "gloss": "world", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3741, + "frame_start": 3679, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63830" + }, + { + "bbox": [ + 60, + 8, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14641.mp4", + "variation_id": 0, + "video_id": "63836" + }, + { + "bbox": [ + 69, + 23, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22113.mp4", + "variation_id": 0, + "video_id": "63837" + }, + { + "bbox": [ + 260, + 45, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=-H4PejCdr6Y", + "variation_id": 0, + "video_id": "63838" + }, + { + "bbox": [ + 240, + 1, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TNms3Jfg89g", + "variation_id": 0, + "video_id": "63839" + }, + { + "bbox": [ + 180, + 32, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORLD-702.mp4", + "variation_id": 0, + "video_id": "66807" + }, + { + "bbox": [ + 81, + 4, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/pFYp5iyu1oE", + "variation_id": 0, + "video_id": "67004" + }, + { + "bbox": [ + 0, + 16, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/world.swf", + "variation_id": 0, + "video_id": "63840" + }, + { + "bbox": [ + 239, + 37, + 511, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/world.mp4", + "variation_id": 0, + "video_id": "63841" + }, + { + "bbox": [ + 87, + 10, + 256, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/world.mov", + "variation_id": 0, + "video_id": "63831" + }, + { + "bbox": [ + 33, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 42, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51085.mp4", + "variation_id": 0, + "video_id": "63832" + }, + { + "bbox": [ + 55, + 12, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/world2.mp4", + "variation_id": 0, + "video_id": "63834" + } + ] + }, + { + "gloss": "worry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3824, + "frame_start": 3742, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63872" + }, + { + "bbox": [ + 103, + 45, + 428, + 360 + ], + "fps": 25, + "frame_end": 5977, + "frame_start": 5854, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70301" + }, + { + "bbox": [ + 80, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/worry.mp4", + "variation_id": 0, + "video_id": "63878" + }, + { + "bbox": [ + 61, + 2, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6076.mp4", + "variation_id": 0, + "video_id": "63879" + }, + { + "bbox": [ + 154, + 23, + 1068, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HX-57T9JTwI", + "variation_id": 0, + "video_id": "63881" + }, + { + "bbox": [ + 148, + 24, + 552, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORRY-850.mp4", + "variation_id": 0, + "video_id": "66810" + }, + { + "bbox": [ + 89, + 29, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2I9iOnoX13o", + "variation_id": 0, + "video_id": "67006" + }, + { + "bbox": [ + 0, + 5, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/worry.swf", + "variation_id": 0, + "video_id": "63882" + }, + { + "bbox": [ + 14, + 0, + 306, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 42, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51087.mp4", + "variation_id": 0, + "video_id": "63873" + }, + { + "bbox": [ + 509, + 55, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Worry-bVPxqOc7_3Y.mp4", + "variation_id": 0, + "video_id": "63875" + }, + { + "bbox": [ + 84, + 8, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468929149.3975.mp4", + "variation_id": 0, + "video_id": "63876" + }, + { + "bbox": [ + 71, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/worry2.mp4", + "variation_id": 0, + "video_id": "63877" + } + ] + }, + { + "gloss": "wow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3971, + "frame_start": 3925, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63947" + }, + { + "bbox": [ + 240, + 40, + 1002, + 720 + ], + "fps": 25, + "frame_end": 120, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=sC406CwziwQ", + "variation_id": 0, + "video_id": "68876" + }, + { + "bbox": [ + 69, + 31, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92805.mp4", + "variation_id": 0, + "video_id": "63948" + }, + { + "bbox": [ + 219, + 37, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/wow.mp4", + "variation_id": 0, + "video_id": "63968" + }, + { + "bbox": [ + 369, + 55, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wow.mp4", + "variation_id": 0, + "video_id": "63949" + }, + { + "bbox": [ + 661, + 90, + 1445, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wow%202-OsMOhzrr7jo.mp4", + "variation_id": 0, + "video_id": "63951" + }, + { + "bbox": [ + 638, + 71, + 1486, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wow%204-cFhmWJpi6tU.mp4", + "variation_id": 0, + "video_id": "63953" + }, + { + "bbox": [ + 740, + 143, + 1556, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wow%2C%20Favorite%20Ind-1NxHLaB6KpA.mp4", + "variation_id": 0, + "video_id": "63955" + }, + { + "bbox": [ + 126, + 8, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468929317.716.mp4", + "variation_id": 0, + "video_id": "63958" + }, + { + "bbox": [ + 92, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/wow.mp4", + "variation_id": 0, + "video_id": "63961" + }, + { + "bbox": [ + 79, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22651.mp4", + "variation_id": 0, + "video_id": "63962" + }, + { + "bbox": [ + 71, + 19, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22656.mp4", + "variation_id": 0, + "video_id": "63964" + } + ] + }, + { + "gloss": "young", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 361, + "frame_start": 292, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64401" + }, + { + "bbox": [ + 286, + 16, + 979, + 720 + ], + "fps": 25, + "frame_end": 39, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=jvv0jM6Vq-0", + "variation_id": 0, + "video_id": "68606" + }, + { + "bbox": [ + 96, + 13, + 509, + 480 + ], + "fps": 25, + "frame_end": 1702, + "frame_start": 1567, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70366" + }, + { + "bbox": [ + 173, + 51, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/young.mp4", + "variation_id": 0, + "video_id": "64419" + }, + { + "bbox": [ + 19, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51114.mp4", + "variation_id": 0, + "video_id": "64411" + }, + { + "bbox": [ + 52, + 20, + 425, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4CvemDSU8uQ", + "variation_id": 0, + "video_id": "67016" + }, + { + "bbox": [ + 793, + 55, + 1842, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Young%2C%20Youth-umNnbtekYCg.mp4", + "variation_id": 0, + "video_id": "64413" + }, + { + "bbox": [ + 88, + 6, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468775303.4630.mp4", + "variation_id": 0, + "video_id": "64414" + }, + { + "bbox": [ + 105, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/y/young.mp4", + "variation_id": 0, + "video_id": "64415" + }, + { + "bbox": [ + 62, + 8, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14354.mp4", + "variation_id": 0, + "video_id": "64416" + }, + { + "bbox": [ + 144, + 6, + 517, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=I02FA61xpCs", + "variation_id": 0, + "video_id": "64417" + }, + { + "bbox": [ + 0, + 1, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/y/young.swf", + "variation_id": 0, + "video_id": "64418" + } + ] + }, + { + "gloss": "add", + "instances": [ + { + "bbox": [ + 240, + 18, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 117, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/add.mp4", + "variation_id": 0, + "video_id": "69205" + }, + { + "bbox": [ + 166, + 32, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AD/ADD-651.mp4", + "variation_id": 0, + "video_id": "65018" + }, + { + "bbox": [ + 76, + 15, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6473.mp4", + "variation_id": 0, + "video_id": "00967" + }, + { + "bbox": [ + 38, + 0, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/109513.mp4", + "variation_id": 0, + "video_id": "00961" + }, + { + "bbox": [ + 8, + 4, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/add.swf", + "variation_id": 0, + "video_id": "00972" + }, + { + "bbox": [ + 229, + 38, + 510, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/add.mp4", + "variation_id": 0, + "video_id": "00973" + }, + { + "bbox": [ + 367, + 45, + 1768, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Add%202--PWfHNQJzQ8.mp4", + "variation_id": 0, + "video_id": "00962" + }, + { + "bbox": [ + 436, + 44, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Add%2C%20Combine-vT5ZZyUmDrI.mp4", + "variation_id": 0, + "video_id": "00963" + }, + { + "bbox": [ + 301, + 49, + 1580, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Add-JLMkC-sknAo.mp4", + "variation_id": 0, + "video_id": "00964" + }, + { + "bbox": [ + 90, + 21, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466169739.730.mp4", + "variation_id": 0, + "video_id": "00965" + }, + { + "bbox": [ + 87, + 34, + 516, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/add.mp4", + "variation_id": 0, + "video_id": "00966" + } + ] + }, + { + "gloss": "airplane", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1528, + "frame_start": 1472, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01721" + }, + { + "bbox": [ + 42, + 2, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6108.mp4", + "variation_id": 0, + "video_id": "01730" + }, + { + "bbox": [ + 17, + 18, + 202, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/airplane.swf", + "variation_id": 0, + "video_id": "01733" + }, + { + "bbox": [ + 164, + 14, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AI/AIRPLANE-401.mp4", + "variation_id": 0, + "video_id": "65038" + }, + { + "bbox": [ + 39, + 11, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 29, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/72317.mp4", + "variation_id": 0, + "video_id": "01724" + }, + { + "bbox": [ + 86, + 17, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/np52MbRb0TM", + "variation_id": 0, + "video_id": "67354" + }, + { + "bbox": [ + 165, + 49, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/airplane.mp4", + "variation_id": 0, + "video_id": "01734" + }, + { + "bbox": [ + 605, + 21, + 1721, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Airport%2C%20Airplane-qGrE-V2JJUw.mp4", + "variation_id": 0, + "video_id": "01726" + }, + { + "bbox": [ + 101, + 23, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466172119.5947.mp4", + "variation_id": 0, + "video_id": "01727" + }, + { + "bbox": [ + 131, + 39, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/airplane.mp4", + "variation_id": 0, + "video_id": "01728" + }, + { + "bbox": [ + 53, + 6, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6107.mp4", + "variation_id": 0, + "video_id": "01729" + } + ] + }, + { + "gloss": "already", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2055, + "frame_start": 2009, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02158" + }, + { + "bbox": [ + 4, + 16, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/already.swf", + "variation_id": 0, + "video_id": "02167" + }, + { + "bbox": [ + 221, + 36, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/already.mp4", + "variation_id": 0, + "video_id": "02168" + }, + { + "bbox": [ + 52, + 5, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/118420.mp4", + "variation_id": 0, + "video_id": "02159" + }, + { + "bbox": [ + 65, + 3, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50589.mp4", + "variation_id": 0, + "video_id": "02160" + }, + { + "bbox": [ + 708, + 140, + 1593, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Already%202-LqD52iuiv3w.mp4", + "variation_id": 0, + "video_id": "02161" + }, + { + "bbox": [ + 723, + 144, + 1655, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Already-cpPZ5upIkE4.mp4", + "variation_id": 0, + "video_id": "02162" + }, + { + "bbox": [ + 73, + 23, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466177804.906.mp4", + "variation_id": 0, + "video_id": "02163" + }, + { + "bbox": [ + 110, + 12, + 514, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/already.mp4", + "variation_id": 0, + "video_id": "02164" + }, + { + "bbox": [ + 63, + 21, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22326.mp4", + "variation_id": 0, + "video_id": "02165" + }, + { + "bbox": [ + 74, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7267.mp4", + "variation_id": 0, + "video_id": "02166" + } + ] + }, + { + "gloss": "also", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2105, + "frame_start": 2056, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02173" + }, + { + "bbox": [ + 503, + 83, + 1321, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/also.mp4", + "variation_id": 0, + "video_id": "69207" + }, + { + "bbox": [ + 193, + 41, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALSO-2066.mp4", + "variation_id": 1, + "video_id": "65059" + }, + { + "bbox": [ + 71, + 0, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455416.mp4", + "variation_id": 1, + "video_id": "02174" + }, + { + "bbox": [ + 122, + 20, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466177920.2862.mp4", + "variation_id": 1, + "video_id": "02175" + }, + { + "bbox": [ + 80, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/also.mp4", + "variation_id": 0, + "video_id": "02176" + }, + { + "bbox": [ + 70, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14298.mp4", + "variation_id": 0, + "video_id": "02177" + }, + { + "bbox": [ + 65, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8808.mp4", + "variation_id": 1, + "video_id": "02178" + }, + { + "bbox": [ + 376, + 45, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1N4DfFk01h8", + "variation_id": 1, + "video_id": "02179" + }, + { + "bbox": [ + 3, + 11, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/also.swf", + "variation_id": 0, + "video_id": "02180" + }, + { + "bbox": [ + 202, + 48, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/also.mp4", + "variation_id": 0, + "video_id": "02181" + } + ] + }, + { + "gloss": "analyze", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2302, + "frame_start": 2256, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02473" + }, + { + "bbox": [ + 10, + 4, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/analyze.swf", + "variation_id": 0, + "video_id": "02482" + }, + { + "bbox": [ + 165, + 4, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/ANALYZE-812.mp4", + "variation_id": 0, + "video_id": "65066" + }, + { + "bbox": [ + 183, + 45, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/analyze.mp4", + "variation_id": 0, + "video_id": "02483" + }, + { + "bbox": [ + 4, + 0, + 320, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/analyze.mov", + "variation_id": 0, + "video_id": "02474" + }, + { + "bbox": [ + 58, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/118443.mp4", + "variation_id": 0, + "video_id": "02475" + }, + { + "bbox": [ + 33, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51288.mp4", + "variation_id": 0, + "video_id": "02476" + }, + { + "bbox": [ + 540, + 99, + 1360, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Analyze-nVnQnpT_AFQ.mp4", + "variation_id": 0, + "video_id": "02477" + }, + { + "bbox": [ + 93, + 30, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466510023.8592.mp4", + "variation_id": 0, + "video_id": "02478" + }, + { + "bbox": [ + 47, + 15, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/analyze.mp4", + "variation_id": 0, + "video_id": "02479" + }, + { + "bbox": [ + 69, + 8, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14379.mp4", + "variation_id": 0, + "video_id": "02480" + } + ] + }, + { + "gloss": "and", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2425, + "frame_start": 2383, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02517" + }, + { + "bbox": [ + 0, + 8, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/and.swf", + "variation_id": 0, + "video_id": "02524" + }, + { + "bbox": [ + 158, + 48, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/and.mp4", + "variation_id": 0, + "video_id": "02525" + }, + { + "bbox": [ + 152, + 6, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/AND-14.mp4", + "variation_id": 0, + "video_id": "65067" + }, + { + "bbox": [ + 78, + 7, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4copJVW6mI0", + "variation_id": 0, + "video_id": "67361" + }, + { + "bbox": [ + 46, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 1, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/363749.mp4", + "variation_id": 0, + "video_id": "02518" + }, + { + "bbox": [ + 102, + 29, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466510124.991.mp4", + "variation_id": 0, + "video_id": "02519" + }, + { + "bbox": [ + 129, + 9, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/and.mp4", + "variation_id": 0, + "video_id": "02520" + }, + { + "bbox": [ + 73, + 18, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23852.mp4", + "variation_id": 0, + "video_id": "02521" + }, + { + "bbox": [ + 387, + 47, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=O5wvGmVozmw", + "variation_id": 0, + "video_id": "02522" + }, + { + "bbox": [ + 296, + 21, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=PvFguNv1zIk", + "variation_id": 0, + "video_id": "02523" + } + ] + }, + { + "gloss": "angry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2579, + "frame_start": 2533, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02564" + }, + { + "bbox": [ + 87, + 21, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466510175.6862.mp4", + "variation_id": 0, + "video_id": "02569" + }, + { + "bbox": [ + 78, + 9, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/angry.mp4", + "variation_id": 0, + "video_id": "02570" + }, + { + "bbox": [ + 71, + 11, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7166.mp4", + "variation_id": 0, + "video_id": "02572" + }, + { + "bbox": [ + 141, + 29, + 509, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/ANGRY-15.mp4", + "variation_id": 0, + "video_id": "65072" + }, + { + "bbox": [ + 86, + 10, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/YyOXjqoQcvQ", + "variation_id": 0, + "video_id": "67364" + }, + { + "bbox": [ + 230, + 16, + 1025, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=25cSn8yqYPs", + "variation_id": 0, + "video_id": "02575" + }, + { + "bbox": [ + 34, + 5, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118508.mp4", + "variation_id": 0, + "video_id": "02565" + }, + { + "bbox": [ + 596, + 138, + 1547, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Anger%2C%20Fury-nmUFSLTScE8.mp4", + "variation_id": 0, + "video_id": "02566" + }, + { + "bbox": [ + 365, + 6, + 1334, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Angry-1vy45J4SVnw.mp4", + "variation_id": 0, + "video_id": "02567" + }, + { + "bbox": [ + 641, + 30, + 1769, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Angry-ka9hfiu7ZEk.mp4", + "variation_id": 0, + "video_id": "02568" + } + ] + }, + { + "gloss": "appear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3113, + "frame_start": 3087, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02941" + }, + { + "bbox": [ + 25, + 17, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/appear.swf", + "variation_id": 0, + "video_id": "02959" + }, + { + "bbox": [ + 187, + 7, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APPEAR-18.mp4", + "variation_id": 0, + "video_id": "65083" + }, + { + "bbox": [ + 66, + 9, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122509.mp4", + "variation_id": 0, + "video_id": "02951" + }, + { + "bbox": [ + 95, + 18, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/iaISY2eSCHU", + "variation_id": 0, + "video_id": "67366" + }, + { + "bbox": [ + 202, + 49, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/appear.mp4", + "variation_id": 0, + "video_id": "02961" + }, + { + "bbox": [ + 36, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51272.mp4", + "variation_id": 0, + "video_id": "02952" + }, + { + "bbox": [ + 604, + 63, + 1488, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20To%20Appear-TUrVCCadMJE.mp4", + "variation_id": 0, + "video_id": "02953" + }, + { + "bbox": [ + 136, + 24, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466511513.4882.mp4", + "variation_id": 0, + "video_id": "02954" + }, + { + "bbox": [ + 73, + 31, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/appear-showup.mp4", + "variation_id": 0, + "video_id": "02955" + }, + { + "bbox": [ + 79, + 14, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6161.mp4", + "variation_id": 0, + "video_id": "02956" + } + ] + }, + { + "gloss": "arm", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3822, + "frame_start": 3760, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03328" + }, + { + "bbox": [ + 365, + 35, + 908, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/arm.mp4", + "variation_id": 0, + "video_id": "69215" + }, + { + "bbox": [ + 179, + 48, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/arm.mp4", + "variation_id": 0, + "video_id": "03344" + }, + { + "bbox": [ + 205, + 37, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/ARM-2075.mp4", + "variation_id": 0, + "video_id": "65094" + }, + { + "bbox": [ + 63, + 10, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122551.mp4", + "variation_id": 0, + "video_id": "03337" + }, + { + "bbox": [ + 96, + 20, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/bLBLWrmByOo", + "variation_id": 0, + "video_id": "67369" + }, + { + "bbox": [ + 738, + 73, + 1592, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arm-jtIqsVVzJlQ.mp4", + "variation_id": 0, + "video_id": "03338" + }, + { + "bbox": [ + 114, + 20, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512611.6300.mp4", + "variation_id": 0, + "video_id": "03339" + }, + { + "bbox": [ + 150, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/arm.mp4", + "variation_id": 0, + "video_id": "03340" + }, + { + "bbox": [ + 79, + 16, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8887.mp4", + "variation_id": 0, + "video_id": "03342" + }, + { + "bbox": [ + 15, + 6, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/arm.swf", + "variation_id": 0, + "video_id": "03343" + } + ] + }, + { + "gloss": "army", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3872, + "frame_start": 3823, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03360" + }, + { + "bbox": [ + 180, + 68, + 589, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/army.mp4", + "variation_id": 0, + "video_id": "03368" + }, + { + "bbox": [ + 136, + 0, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/ARMY-807.mp4", + "variation_id": 0, + "video_id": "65095" + }, + { + "bbox": [ + 103, + 6, + 429, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/BtAyEffmpyU", + "variation_id": 0, + "video_id": "67370" + }, + { + "bbox": [ + 48, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122556.mp4", + "variation_id": 0, + "video_id": "03361" + }, + { + "bbox": [ + 80, + 19, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466512638.8927.mp4", + "variation_id": 0, + "video_id": "03362" + }, + { + "bbox": [ + 68, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/army.mp4", + "variation_id": 0, + "video_id": "03363" + }, + { + "bbox": [ + 47, + 16, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8536.mp4", + "variation_id": 0, + "video_id": "03364" + }, + { + "bbox": [ + 313, + 27, + 1050, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bdWtODH9_5Y", + "variation_id": 0, + "video_id": "03365" + }, + { + "bbox": [ + 324, + 21, + 1018, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CxA6XeEKaLo", + "variation_id": 0, + "video_id": "03366" + }, + { + "bbox": [ + 0, + 8, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/army.swf", + "variation_id": 0, + "video_id": "03367" + } + ] + }, + { + "gloss": "arrest", + "instances": [ + { + "bbox": [ + 364, + 69, + 1531, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arrest-drdpDbNx0TM.mp4", + "variation_id": 0, + "video_id": "03420" + }, + { + "bbox": [ + 132, + 21, + 485, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/arrest.mp4", + "variation_id": 1, + "video_id": "03422" + }, + { + "bbox": [ + 308, + 25, + 1043, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/arrest-wrist.mp4", + "variation_id": 0, + "video_id": "03423" + }, + { + "bbox": [ + 54, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6499.mp4", + "variation_id": 1, + "video_id": "03425" + }, + { + "bbox": [ + 348, + 56, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=gRZrAXcXx0A", + "variation_id": 1, + "video_id": "03426" + }, + { + "bbox": [ + 363, + 59, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lEidOpvXY_o", + "variation_id": 0, + "video_id": "03427" + }, + { + "bbox": [ + 13, + 8, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/a/arrest_2.swf", + "variation_id": 1, + "video_id": "03429" + }, + { + "bbox": [ + 246, + 35, + 514, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/arrest.mp4", + "variation_id": 1, + "video_id": "03430" + }, + { + "bbox": [ + 271, + 68, + 1609, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arrest%202-VtlTEGx88VI.mp4", + "variation_id": 0, + "video_id": "03417" + }, + { + "bbox": [ + 476, + 60, + 1524, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arrest%203-3aMLsvk3XHs.mp4", + "variation_id": 0, + "video_id": "03418" + }, + { + "bbox": [ + 577, + 73, + 1529, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arrest%204-ok9f1WytZEk.mp4", + "variation_id": 0, + "video_id": "03419" + } + ] + }, + { + "gloss": "asia", + "instances": [ + { + "bbox": [ + 108, + 23, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AS/ASIA-779.mp4", + "variation_id": 0, + "video_id": "65100" + }, + { + "bbox": [ + 13, + 20, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/asia.swf", + "variation_id": 0, + "video_id": "03570" + }, + { + "bbox": [ + 177, + 38, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/asia.mp4", + "variation_id": 0, + "video_id": "03571" + }, + { + "bbox": [ + 23, + 0, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455449.mp4", + "variation_id": 0, + "video_id": "03562" + }, + { + "bbox": [ + 136, + 17, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9xVKk9RXKWQ", + "variation_id": 0, + "video_id": "67373" + }, + { + "bbox": [ + 348, + 50, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/asia.mp4", + "variation_id": 0, + "video_id": "03563" + }, + { + "bbox": [ + 613, + 47, + 1512, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Asia-bl9Hd9GUSow.mp4", + "variation_id": 0, + "video_id": "03564" + }, + { + "bbox": [ + 116, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1512913877.9803.mp4", + "variation_id": 0, + "video_id": "03565" + }, + { + "bbox": [ + 20, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/asia.mp4", + "variation_id": 0, + "video_id": "03566" + }, + { + "bbox": [ + 58, + 18, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22412.mp4", + "variation_id": 0, + "video_id": "03568" + }, + { + "bbox": [ + 295, + 43, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=VFyQ3p1-v0g", + "variation_id": 0, + "video_id": "03569" + } + ] + }, + { + "gloss": "ask", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4112, + "frame_start": 4073, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03587" + }, + { + "bbox": [ + 513, + 53, + 1054, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20I%20Ask%20You%20(1).mp4", + "variation_id": 0, + "video_id": "03597" + }, + { + "bbox": [ + 130, + 32, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466645795.3339.mp4", + "variation_id": 0, + "video_id": "03598" + }, + { + "bbox": [ + 88, + 25, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/ask-hir-coq.mp4", + "variation_id": 0, + "video_id": "03599" + }, + { + "bbox": [ + 153, + 15, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/ask.mp4", + "variation_id": 0, + "video_id": "03602" + }, + { + "bbox": [ + 85, + 21, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23459.mp4", + "variation_id": 0, + "video_id": "03603" + }, + { + "bbox": [ + 188, + 1, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AS/ASK-22.mp4", + "variation_id": 0, + "video_id": "65101" + }, + { + "bbox": [ + 58, + 2, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122583.mp4", + "variation_id": 0, + "video_id": "03595" + }, + { + "bbox": [ + 105, + 10, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/e9NMN5VpAWk", + "variation_id": 0, + "video_id": "67374" + }, + { + "bbox": [ + 86, + 21, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23462.mp4", + "variation_id": 0, + "video_id": "03605" + }, + { + "bbox": [ + 82, + 11, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6163.mp4", + "variation_id": 0, + "video_id": "03607" + } + ] + }, + { + "gloss": "attitude", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4499, + "frame_start": 4453, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04039" + }, + { + "bbox": [ + 252, + 36, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/attitude.mp4", + "variation_id": 0, + "video_id": "04048" + }, + { + "bbox": [ + 224, + 30, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AT/ATTITUDE-1972.mp4", + "variation_id": 0, + "video_id": "65108" + }, + { + "bbox": [ + 62, + 5, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122832.mp4", + "variation_id": 0, + "video_id": "04040" + }, + { + "bbox": [ + 598, + 76, + 1506, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Attitude-zUjTr3S6Nt4.mp4", + "variation_id": 0, + "video_id": "04041" + }, + { + "bbox": [ + 110, + 32, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466646530.8290.mp4", + "variation_id": 0, + "video_id": "04042" + }, + { + "bbox": [ + 95, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/attitude.mp4", + "variation_id": 0, + "video_id": "04043" + }, + { + "bbox": [ + 82, + 9, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14744.mp4", + "variation_id": 0, + "video_id": "04044" + }, + { + "bbox": [ + 89, + 8, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14745.mp4", + "variation_id": 0, + "video_id": "04045" + }, + { + "bbox": [ + 385, + 45, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nVPwFObq2TE", + "variation_id": 0, + "video_id": "04046" + }, + { + "bbox": [ + 0, + 9, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/attitude.swf", + "variation_id": 0, + "video_id": "04047" + } + ] + }, + { + "gloss": "attract", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4603, + "frame_start": 4557, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04056" + }, + { + "bbox": [ + 82, + 46, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/attract-pull2.mp4", + "variation_id": 1, + "video_id": "04066" + }, + { + "bbox": [ + 56, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/attract-pull.mp4", + "variation_id": 1, + "video_id": "04067" + }, + { + "bbox": [ + 66, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122834.mp4", + "variation_id": 0, + "video_id": "04062" + }, + { + "bbox": [ + 75, + 12, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14292.mp4", + "variation_id": 0, + "video_id": "04072" + }, + { + "bbox": [ + 75, + 12, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14292.mp4", + "variation_id": 0, + "video_id": "04073" + }, + { + "bbox": [ + 22, + 18, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 49, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/attract_2.swf", + "variation_id": 1, + "video_id": "04075" + }, + { + "bbox": [ + 200, + 48, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/attract.mp4", + "variation_id": 0, + "video_id": "04076" + }, + { + "bbox": [ + 457, + 65, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Attract%2C%20Draw%20People%27s%20Attention-vQvorv-uhWU.mp4", + "variation_id": 1, + "video_id": "04063" + }, + { + "bbox": [ + 115, + 22, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466646562.1295.mp4", + "variation_id": 0, + "video_id": "04064" + }, + { + "bbox": [ + 171, + 6, + 548, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/attract-physics.mp4", + "variation_id": 1, + "video_id": "04065" + } + ] + }, + { + "gloss": "bald", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 576, + "frame_start": 504, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04814" + }, + { + "bbox": [ + 115, + 15, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546572785.406.mp4", + "variation_id": 0, + "video_id": "04824" + }, + { + "bbox": [ + 34, + 5, + 506, + 473 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bald.mp4", + "variation_id": 0, + "video_id": "04825" + }, + { + "bbox": [ + 49, + 0, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22389.mp4", + "variation_id": 0, + "video_id": "04826" + }, + { + "bbox": [ + 161, + 14, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BALD-806.mp4", + "variation_id": 0, + "video_id": "65130" + }, + { + "bbox": [ + 44, + 5, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455477.mp4", + "variation_id": 0, + "video_id": "04819" + }, + { + "bbox": [ + 137, + 0, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=h81FEVG0nKg", + "variation_id": 0, + "video_id": "04829" + }, + { + "bbox": [ + 0, + 0, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bald.swf", + "variation_id": 0, + "video_id": "04830" + }, + { + "bbox": [ + 204, + 0, + 475, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bald.mp4", + "variation_id": 0, + "video_id": "04831" + }, + { + "bbox": [ + 374, + 58, + 846, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bald.mp4", + "variation_id": 0, + "video_id": "04821" + }, + { + "bbox": [ + 35, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466648607.5090.mp4", + "variation_id": 0, + "video_id": "04823" + } + ] + }, + { + "gloss": "barely", + "instances": [ + { + "bbox": [ + 175, + 17, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BARELY-650.mp4", + "variation_id": 0, + "video_id": "65138" + }, + { + "bbox": [ + 68, + 17, + 454, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/barely.mp4", + "variation_id": 0, + "video_id": "05068" + }, + { + "bbox": [ + 47, + 0, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22528.mp4", + "variation_id": 0, + "video_id": "05069" + }, + { + "bbox": [ + 307, + 29, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=IMuM8KQH2pY", + "variation_id": 0, + "video_id": "05071" + }, + { + "bbox": [ + 65, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455485.mp4", + "variation_id": 0, + "video_id": "05062" + }, + { + "bbox": [ + 164, + 51, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/barely.mp4", + "variation_id": 0, + "video_id": "05074" + }, + { + "bbox": [ + 597, + 65, + 1400, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Barely%202-7gpdkZaRovQ.mp4", + "variation_id": 0, + "video_id": "05063" + }, + { + "bbox": [ + 574, + 71, + 1487, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Barely-nNKYaJoLcAg.mp4", + "variation_id": 0, + "video_id": "05064" + }, + { + "bbox": [ + 424, + 63, + 1572, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Barely-ryddUQAEV_0.mp4", + "variation_id": 0, + "video_id": "05065" + }, + { + "bbox": [ + 504, + 82, + 1599, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Barely-Z6xFskorahw.mp4", + "variation_id": 0, + "video_id": "05066" + }, + { + "bbox": [ + 121, + 31, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466649145.6852.mp4", + "variation_id": 0, + "video_id": "05067" + } + ] + }, + { + "gloss": "baseball", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 895, + "frame_start": 823, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05165" + }, + { + "bbox": [ + 129, + 26, + 501, + 480 + ], + "fps": 25, + "frame_end": 734, + "frame_start": 600, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70128" + }, + { + "bbox": [ + 170, + 50, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/baseball.mp4", + "variation_id": 0, + "video_id": "05178" + }, + { + "bbox": [ + 143, + 23, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BASEBALL-2091.mp4", + "variation_id": 0, + "video_id": "65141" + }, + { + "bbox": [ + 188, + 4, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BASEBALL-549.mp4", + "variation_id": 0, + "video_id": "65140" + }, + { + "bbox": [ + 231, + 16, + 532, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/baseball.mp4", + "variation_id": 0, + "video_id": "05171" + }, + { + "bbox": [ + 133, + 17, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/t2tke15ZLhY", + "variation_id": 0, + "video_id": "67390" + }, + { + "bbox": [ + 243, + 20, + 570, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20baseball.mp4", + "variation_id": 0, + "video_id": "05172" + }, + { + "bbox": [ + 110, + 4, + 481, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/baseball.mp4", + "variation_id": 0, + "video_id": "05174" + }, + { + "bbox": [ + 66, + 12, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6144.mp4", + "variation_id": 0, + "video_id": "05175" + }, + { + "bbox": [ + 394, + 61, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=duIAeHtwFI8", + "variation_id": 0, + "video_id": "05176" + } + ] + }, + { + "gloss": "beg", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1826, + "frame_start": 1780, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05756" + }, + { + "bbox": [ + 158, + 54, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/beg.mp4", + "variation_id": 0, + "video_id": "05767" + }, + { + "bbox": [ + 180, + 2, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEG-769.mp4", + "variation_id": 0, + "video_id": "65168" + }, + { + "bbox": [ + 188, + 73, + 500, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1520781284.4065.mp4", + "variation_id": 0, + "video_id": "05759" + }, + { + "bbox": [ + 124, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/beg2.mp4", + "variation_id": 0, + "video_id": "05760" + }, + { + "bbox": [ + 132, + 6, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/beg.mp4", + "variation_id": 0, + "video_id": "05761" + }, + { + "bbox": [ + 68, + 10, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8706.mp4", + "variation_id": 0, + "video_id": "05762" + }, + { + "bbox": [ + 76, + 10, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8707.mp4", + "variation_id": 0, + "video_id": "05763" + }, + { + "bbox": [ + 340, + 31, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aiJq-2Ow4nA", + "variation_id": 0, + "video_id": "05764" + }, + { + "bbox": [ + 353, + 31, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lX4OxFesdq0", + "variation_id": 0, + "video_id": "05765" + }, + { + "bbox": [ + 2, + 16, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/beg.swf", + "variation_id": 0, + "video_id": "05766" + } + ] + }, + { + "gloss": "benefit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2249, + "frame_start": 2197, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05959" + }, + { + "bbox": [ + 151, + 52, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/benefit.mp4", + "variation_id": 0, + "video_id": "05967" + }, + { + "bbox": [ + 133, + 12, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BENEFIT-2444.mp4", + "variation_id": 0, + "video_id": "65175" + }, + { + "bbox": [ + 94, + 25, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/V9Yh8TUscOg", + "variation_id": 0, + "video_id": "67406" + }, + { + "bbox": [ + 65, + 10, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/benefit.mov", + "variation_id": 0, + "video_id": "05960" + }, + { + "bbox": [ + 29, + 0, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455522.mp4", + "variation_id": 0, + "video_id": "05961" + }, + { + "bbox": [ + 40, + 20, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681667.454.mp4", + "variation_id": 0, + "video_id": "05962" + }, + { + "bbox": [ + 0, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/benefit.mp4", + "variation_id": 0, + "video_id": "05963" + }, + { + "bbox": [ + 31, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1214.mp4", + "variation_id": 0, + "video_id": "05964" + }, + { + "bbox": [ + 73, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2447.mp4", + "variation_id": 0, + "video_id": "05965" + }, + { + "bbox": [ + 5, + 6, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/benefit.swf", + "variation_id": 0, + "video_id": "05966" + } + ] + }, + { + "gloss": "bite", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3045, + "frame_start": 3009, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06407" + }, + { + "bbox": [ + 329, + 1, + 1087, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Zrmbq8pF29E", + "variation_id": 0, + "video_id": "06417" + }, + { + "bbox": [ + 0, + 16, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bite.swf", + "variation_id": 0, + "video_id": "06418" + }, + { + "bbox": [ + 183, + 21, + 519, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BITE-39.mp4", + "variation_id": 0, + "video_id": "65199" + }, + { + "bbox": [ + 425, + 60, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bite.mp4", + "variation_id": 0, + "video_id": "06409" + }, + { + "bbox": [ + 155, + 52, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/bite.mp4", + "variation_id": 0, + "video_id": "06419" + }, + { + "bbox": [ + 504, + 131, + 1529, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bite--QfOCVco5-4.mp4", + "variation_id": 0, + "video_id": "06410" + }, + { + "bbox": [ + 65, + 20, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466682446.266.mp4", + "variation_id": 0, + "video_id": "06411" + }, + { + "bbox": [ + 115, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bite-insect.mp4", + "variation_id": 0, + "video_id": "06412" + }, + { + "bbox": [ + 63, + 28, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bite-something.mp4", + "variation_id": 0, + "video_id": "06413" + }, + { + "bbox": [ + 72, + 17, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23853.mp4", + "variation_id": 0, + "video_id": "06414" + } + ] + }, + { + "gloss": "blame", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3188, + "frame_start": 3159, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06526" + }, + { + "bbox": [ + 157, + 51, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/blame.mp4", + "variation_id": 0, + "video_id": "06536" + }, + { + "bbox": [ + 190, + 24, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLAME-552.mp4", + "variation_id": 0, + "video_id": "65202" + }, + { + "bbox": [ + 631, + 40, + 1759, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blame-qnoOB-BriM0.mp4", + "variation_id": 0, + "video_id": "06528" + }, + { + "bbox": [ + 79, + 22, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466682688.5061.mp4", + "variation_id": 0, + "video_id": "06529" + }, + { + "bbox": [ + 32, + 7, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/blame-me.mp4", + "variation_id": 0, + "video_id": "06530" + }, + { + "bbox": [ + 57, + 17, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blame.mp4", + "variation_id": 0, + "video_id": "06531" + }, + { + "bbox": [ + 53, + 12, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5351.mp4", + "variation_id": 0, + "video_id": "06532" + }, + { + "bbox": [ + 82, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7139.mp4", + "variation_id": 0, + "video_id": "06533" + }, + { + "bbox": [ + 332, + 6, + 1036, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=evlOvHVPgMc", + "variation_id": 0, + "video_id": "06534" + }, + { + "bbox": [ + 0, + 15, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/blame.swf", + "variation_id": 0, + "video_id": "06535" + } + ] + }, + { + "gloss": "boat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3549, + "frame_start": 3513, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06929" + }, + { + "bbox": [ + 316, + 0, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/boat.mp4", + "variation_id": 0, + "video_id": "69239" + }, + { + "bbox": [ + 242, + 38, + 494, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/boat.mp4", + "variation_id": 0, + "video_id": "06937" + }, + { + "bbox": [ + 168, + 20, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOAT-44.mp4", + "variation_id": 0, + "video_id": "65221" + }, + { + "bbox": [ + 99, + 19, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/HBORZzQr1SY", + "variation_id": 0, + "video_id": "67421" + }, + { + "bbox": [ + 230, + 16, + 528, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/boat.mp4", + "variation_id": 0, + "video_id": "06930" + }, + { + "bbox": [ + 719, + 54, + 1600, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Boat-Fo7n4GqFylM.mp4", + "variation_id": 0, + "video_id": "06931" + }, + { + "bbox": [ + 745, + 110, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Boat-HMcin0GRLic.mp4", + "variation_id": 0, + "video_id": "06932" + }, + { + "bbox": [ + 114, + 21, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466683927.227.mp4", + "variation_id": 0, + "video_id": "06933" + }, + { + "bbox": [ + 93, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/boat.mp4", + "variation_id": 0, + "video_id": "06934" + }, + { + "bbox": [ + 88, + 22, + 194, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22795.mp4", + "variation_id": 0, + "video_id": "06935" + } + ] + }, + { + "gloss": "body", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3586, + "frame_start": 3550, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06941" + }, + { + "bbox": [ + 312, + 40, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/body.mp4", + "variation_id": 0, + "video_id": "69240" + }, + { + "bbox": [ + 170, + 22, + 533, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BODY-788.mp4", + "variation_id": 0, + "video_id": "65222" + }, + { + "bbox": [ + 577, + 26, + 1786, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Body-ndfK5T-CU3Q.mp4", + "variation_id": 0, + "video_id": "06948" + }, + { + "bbox": [ + 72, + 7, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jRVH-ssJgvY", + "variation_id": 0, + "video_id": "67423" + }, + { + "bbox": [ + 73, + 0, + 623, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466683958.8781.mp4", + "variation_id": 0, + "video_id": "06949" + }, + { + "bbox": [ + 19, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/body.mp4", + "variation_id": 0, + "video_id": "06950" + }, + { + "bbox": [ + 60, + 6, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14221.mp4", + "variation_id": 0, + "video_id": "06951" + }, + { + "bbox": [ + 263, + 39, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9pcnTjM77rE", + "variation_id": 0, + "video_id": "06952" + }, + { + "bbox": [ + 1, + 12, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/body.swf", + "variation_id": 0, + "video_id": "06953" + }, + { + "bbox": [ + 223, + 38, + 520, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/body.mp4", + "variation_id": 0, + "video_id": "06954" + } + ] + }, + { + "gloss": "borrow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3839, + "frame_start": 3790, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07226" + }, + { + "bbox": [ + 168, + 51, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/loan2.mp4", + "variation_id": 0, + "video_id": "07234" + }, + { + "bbox": [ + 199, + 41, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BORROW-2126.mp4", + "variation_id": 0, + "video_id": "65230" + }, + { + "bbox": [ + 104, + 6, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/wxhJSF28aD0", + "variation_id": 0, + "video_id": "67426" + }, + { + "bbox": [ + 515, + 34, + 1101, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Borrow.mp4", + "variation_id": 0, + "video_id": "07227" + }, + { + "bbox": [ + 43, + 10, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466684669.678.mp4", + "variation_id": 0, + "video_id": "07228" + }, + { + "bbox": [ + 54, + 29, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/borrow.mp4", + "variation_id": 0, + "video_id": "07229" + }, + { + "bbox": [ + 84, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24007.mp4", + "variation_id": 0, + "video_id": "07230" + }, + { + "bbox": [ + 84, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24008.mp4", + "variation_id": 0, + "video_id": "07231" + }, + { + "bbox": [ + 325, + 61, + 900, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7lo6uNoK574", + "variation_id": 0, + "video_id": "07232" + }, + { + "bbox": [ + 6, + 13, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/borrow.swf", + "variation_id": 0, + "video_id": "07233" + } + ] + }, + { + "gloss": "boss", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3896, + "frame_start": 3840, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07236" + }, + { + "bbox": [ + 28, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22832.mp4", + "variation_id": 0, + "video_id": "07243" + }, + { + "bbox": [ + 44, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8959.mp4", + "variation_id": 0, + "video_id": "07245" + }, + { + "bbox": [ + 125, + 24, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOSS-556.mp4", + "variation_id": 0, + "video_id": "65231" + }, + { + "bbox": [ + 99, + 7, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FsFPxl8S0Jk", + "variation_id": 0, + "video_id": "67428" + }, + { + "bbox": [ + 0, + 6, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/boss.swf", + "variation_id": 0, + "video_id": "07246" + }, + { + "bbox": [ + 148, + 38, + 480, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/boss.mp4", + "variation_id": 0, + "video_id": "07247" + }, + { + "bbox": [ + 59, + 11, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125013.mp4", + "variation_id": 0, + "video_id": "07237" + }, + { + "bbox": [ + 125, + 14, + 522, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/boss.mp4", + "variation_id": 0, + "video_id": "07238" + }, + { + "bbox": [ + 499, + 70, + 1583, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Boss-2YWz3UnssxQ.mp4", + "variation_id": 0, + "video_id": "07239" + }, + { + "bbox": [ + 39, + 3, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/boss2.mp4", + "variation_id": 0, + "video_id": "07241" + } + ] + }, + { + "gloss": "bother", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3976, + "frame_start": 3927, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07259" + }, + { + "bbox": [ + 24, + 8, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bother.swf", + "variation_id": 0, + "video_id": "07268" + }, + { + "bbox": [ + 186, + 2, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOTHER-2129.mp4", + "variation_id": 0, + "video_id": "65234" + }, + { + "bbox": [ + 216, + 39, + 476, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/bother.mp4", + "variation_id": 0, + "video_id": "07269" + }, + { + "bbox": [ + 50, + 12, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125016.mp4", + "variation_id": 0, + "video_id": "07260" + }, + { + "bbox": [ + 743, + 48, + 1610, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Annoy%2C%20Pester-1gSZNhfWT3s.mp4", + "variation_id": 0, + "video_id": "07261" + }, + { + "bbox": [ + 84, + 4, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522289167.3396.mp4", + "variation_id": 0, + "video_id": "07262" + }, + { + "bbox": [ + 84, + 0, + 478, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bother.mp4", + "variation_id": 0, + "video_id": "07263" + }, + { + "bbox": [ + 61, + 14, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6189.mp4", + "variation_id": 0, + "video_id": "07264" + }, + { + "bbox": [ + 48, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6190.mp4", + "variation_id": 0, + "video_id": "07265" + }, + { + "bbox": [ + 57, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6192.mp4", + "variation_id": 0, + "video_id": "07266" + } + ] + }, + { + "gloss": "bottle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4009, + "frame_start": 3977, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07284" + }, + { + "bbox": [ + 381, + 31, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/bottle.mp4", + "variation_id": 0, + "video_id": "69243" + }, + { + "bbox": [ + 181, + 24, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOTTLE-47.mp4", + "variation_id": 0, + "video_id": "65235" + }, + { + "bbox": [ + 3, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244952.mp4", + "variation_id": 0, + "video_id": "07286" + }, + { + "bbox": [ + 75, + 19, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jIGF7yOCg9k", + "variation_id": 0, + "video_id": "67429" + }, + { + "bbox": [ + 622, + 69, + 1591, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bottle-nbszrRfXags.mp4", + "variation_id": 0, + "video_id": "07287" + }, + { + "bbox": [ + 83, + 25, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466684757.2744.mp4", + "variation_id": 0, + "video_id": "07288" + }, + { + "bbox": [ + 7, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bottle.mp4", + "variation_id": 0, + "video_id": "07289" + }, + { + "bbox": [ + 78, + 10, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14487.mp4", + "variation_id": 0, + "video_id": "07290" + }, + { + "bbox": [ + 0, + 0, + 234, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bottle.swf", + "variation_id": 0, + "video_id": "07291" + }, + { + "bbox": [ + 209, + 40, + 473, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/bottle.mp4", + "variation_id": 0, + "video_id": "07292" + } + ] + }, + { + "gloss": "bottom", + "instances": [ + { + "bbox": [ + 142, + 23, + 555, + 480 + ], + "fps": 25, + "frame_end": 4676, + "frame_start": 4568, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70166" + }, + { + "bbox": [ + 85, + 27, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681617.3322.mp4", + "variation_id": 0, + "video_id": "07301" + }, + { + "bbox": [ + 35, + 14, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bottom.mp4", + "variation_id": 0, + "video_id": "07302" + }, + { + "bbox": [ + 66, + 10, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14494.mp4", + "variation_id": 0, + "video_id": "07303" + }, + { + "bbox": [ + 77, + 11, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14496.mp4", + "variation_id": 0, + "video_id": "07304" + }, + { + "bbox": [ + 334, + 29, + 1053, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=6rLpbCO9TLQ", + "variation_id": 0, + "video_id": "07306" + }, + { + "bbox": [ + 180, + 40, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bottom.mp4", + "variation_id": 0, + "video_id": "07309" + }, + { + "bbox": [ + 701, + 104, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bottom%202-mJ_7E8LU-VM.mp4", + "variation_id": 0, + "video_id": "07297" + }, + { + "bbox": [ + 618, + 58, + 1763, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bottom%20or%20Basic%20unclear-pj2SCDaDN10.mp4", + "variation_id": 0, + "video_id": "07298" + }, + { + "bbox": [ + 660, + 85, + 1660, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bottom-lPZOHNytq_U.mp4", + "variation_id": 0, + "video_id": "07299" + }, + { + "bbox": [ + 745, + 104, + 1649, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bottom-wx75JolgqOc.mp4", + "variation_id": 0, + "video_id": "07300" + } + ] + }, + { + "gloss": "brag", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4435, + "frame_start": 4383, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07490" + }, + { + "bbox": [ + 129, + 51, + 609, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brag.mp4", + "variation_id": 0, + "video_id": "07498" + }, + { + "bbox": [ + 33, + 0, + 633, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRAG-2406.mp4", + "variation_id": 0, + "video_id": "65249" + }, + { + "bbox": [ + 42, + 2, + 642, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRAG-848.mp4", + "variation_id": 0, + "video_id": "65248" + }, + { + "bbox": [ + 0, + 7, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125272.mp4", + "variation_id": 0, + "video_id": "07492" + }, + { + "bbox": [ + 43, + 9, + 442, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/nDQ4Lz1jQ6k", + "variation_id": 0, + "video_id": "67437" + }, + { + "bbox": [ + 39, + 14, + 630, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466683899.7448.mp4", + "variation_id": 0, + "video_id": "07493" + }, + { + "bbox": [ + 48, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/brag.mp4", + "variation_id": 0, + "video_id": "07494" + }, + { + "bbox": [ + 48, + 13, + 259, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7789.mp4", + "variation_id": 0, + "video_id": "07495" + }, + { + "bbox": [ + 107, + 52, + 1104, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=g_j-uzEWQl8", + "variation_id": 0, + "video_id": "07496" + }, + { + "bbox": [ + 0, + 2, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/brag.swf", + "variation_id": 0, + "video_id": "07497" + } + ] + }, + { + "gloss": "build", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5025, + "frame_start": 4973, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08118" + }, + { + "bbox": [ + 179, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/build.mp4", + "variation_id": 0, + "video_id": "08127" + }, + { + "bbox": [ + 137, + 16, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUILD-57.mp4", + "variation_id": 0, + "video_id": "65268" + }, + { + "bbox": [ + 479, + 20, + 1655, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Build%202-xiJYYCuA2UA.mp4", + "variation_id": 0, + "video_id": "08119" + }, + { + "bbox": [ + 497, + 23, + 1666, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Build-nKc4I9NKmcM.mp4", + "variation_id": 0, + "video_id": "08120" + }, + { + "bbox": [ + 66, + 13, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466724823.9456.mp4", + "variation_id": 0, + "video_id": "08121" + }, + { + "bbox": [ + 8, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/build.mp4", + "variation_id": 0, + "video_id": "08122" + }, + { + "bbox": [ + 68, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9977.mp4", + "variation_id": 0, + "video_id": "08123" + }, + { + "bbox": [ + 117, + 3, + 502, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ahe1iTDGc_I", + "variation_id": 0, + "video_id": "08124" + }, + { + "bbox": [ + 128, + 1, + 510, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ghLA23_U1MQ", + "variation_id": 0, + "video_id": "08125" + }, + { + "bbox": [ + 0, + 18, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/build.swf", + "variation_id": 0, + "video_id": "08126" + } + ] + }, + { + "gloss": "bus", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5102, + "frame_start": 5063, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08330" + }, + { + "bbox": [ + 367, + 17, + 964, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=V9m4QhYRBj4", + "variation_id": 0, + "video_id": "68960" + }, + { + "bbox": [ + 229, + 15, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bus.mp4", + "variation_id": 0, + "video_id": "08349" + }, + { + "bbox": [ + 104, + 22, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466725228.3209.mp4", + "variation_id": 0, + "video_id": "08352" + }, + { + "bbox": [ + 120, + 6, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bus-fs.mp4", + "variation_id": 0, + "video_id": "08353" + }, + { + "bbox": [ + 67, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9951.mp4", + "variation_id": 0, + "video_id": "08355" + }, + { + "bbox": [ + 62, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 29, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/76794.mp4", + "variation_id": 0, + "video_id": "08346" + }, + { + "bbox": [ + 349, + 42, + 962, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tka97Bmam3M", + "variation_id": 0, + "video_id": "08359" + }, + { + "bbox": [ + 314, + 32, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XG8R_eT_Tt8", + "variation_id": 0, + "video_id": "08360" + }, + { + "bbox": [ + 25, + 3, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bus.swf", + "variation_id": 0, + "video_id": "08361" + }, + { + "bbox": [ + 62, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/76795.mp4", + "variation_id": 0, + "video_id": "08347" + } + ] + }, + { + "gloss": "butter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5305, + "frame_start": 5253, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08439" + }, + { + "bbox": [ + 232, + 39, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/butter.mp4", + "variation_id": 0, + "video_id": "08455" + }, + { + "bbox": [ + 206, + 39, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUTTER-2144.mp4", + "variation_id": 0, + "video_id": "65279" + }, + { + "bbox": [ + 69, + 5, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/74896.mp4", + "variation_id": 0, + "video_id": "08448" + }, + { + "bbox": [ + 129, + 21, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CFv4VdDh0SY", + "variation_id": 0, + "video_id": "67452" + }, + { + "bbox": [ + 425, + 59, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/butter.mp4", + "variation_id": 0, + "video_id": "08449" + }, + { + "bbox": [ + 89, + 28, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725528.7542.mp4", + "variation_id": 0, + "video_id": "08450" + }, + { + "bbox": [ + 73, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/butter.mp4", + "variation_id": 0, + "video_id": "08451" + }, + { + "bbox": [ + 92, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7904.mp4", + "variation_id": 0, + "video_id": "08452" + }, + { + "bbox": [ + 370, + 68, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TOwQoI_oDq8", + "variation_id": 0, + "video_id": "08453" + }, + { + "bbox": [ + 29, + 8, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 49, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/butter.swf", + "variation_id": 0, + "video_id": "08454" + } + ] + }, + { + "gloss": "calm", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 425, + "frame_start": 366, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08739" + }, + { + "bbox": [ + 4, + 9, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/calm.swf", + "variation_id": 0, + "video_id": "08754" + }, + { + "bbox": [ + 49, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125717.mp4", + "variation_id": 0, + "video_id": "08745" + }, + { + "bbox": [ + 139, + 52, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/calm.mp4", + "variation_id": 0, + "video_id": "08755" + }, + { + "bbox": [ + 22, + 0, + 305, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51286.mp4", + "variation_id": 0, + "video_id": "08746" + }, + { + "bbox": [ + 604, + 26, + 1785, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Calm-n8DJRIDrF1I.mp4", + "variation_id": 0, + "video_id": "08747" + }, + { + "bbox": [ + 338, + 57, + 1782, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chilling-GGia-_aStrg.mp4", + "variation_id": 0, + "video_id": "08748" + }, + { + "bbox": [ + 64, + 17, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726142.3586.mp4", + "variation_id": 0, + "video_id": "08749" + }, + { + "bbox": [ + 58, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/calm-down.mp4", + "variation_id": 0, + "video_id": "08750" + }, + { + "bbox": [ + 85, + 2, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/calm.mp4", + "variation_id": 0, + "video_id": "08751" + }, + { + "bbox": [ + 81, + 22, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23512.mp4", + "variation_id": 0, + "video_id": "08752" + } + ] + }, + { + "gloss": "cancel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 622, + "frame_start": 570, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08858" + }, + { + "bbox": [ + 5, + 17, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cancel.swf", + "variation_id": 0, + "video_id": "08867" + }, + { + "bbox": [ + 164, + 53, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cancel.mp4", + "variation_id": 0, + "video_id": "08868" + }, + { + "bbox": [ + 20, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125748.mp4", + "variation_id": 0, + "video_id": "08859" + }, + { + "bbox": [ + 383, + 53, + 795, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cancel.mp4", + "variation_id": 0, + "video_id": "08860" + }, + { + "bbox": [ + 376, + 69, + 1621, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cancel%20copy-mOQsOXWwXyk.mp4", + "variation_id": 0, + "video_id": "08861" + }, + { + "bbox": [ + 584, + 58, + 1423, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cancel-s4XJlFW3giI.mp4", + "variation_id": 0, + "video_id": "08862" + }, + { + "bbox": [ + 372, + 35, + 1593, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Swipe%20Right%20and%20Left%2C%20Cancel-8J1_edSuVG4.mp4", + "variation_id": 0, + "video_id": "08863" + }, + { + "bbox": [ + 65, + 8, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cancel.mp4", + "variation_id": 0, + "video_id": "08864" + }, + { + "bbox": [ + 63, + 20, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22112.mp4", + "variation_id": 0, + "video_id": "08865" + }, + { + "bbox": [ + 63, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9905.mp4", + "variation_id": 0, + "video_id": "08866" + } + ] + }, + { + "gloss": "candle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 729, + "frame_start": 673, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08897" + }, + { + "bbox": [ + 164, + 51, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/candle.mp4", + "variation_id": 0, + "video_id": "08905" + }, + { + "bbox": [ + 195, + 17, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CANDLE-1013.mp4", + "variation_id": 0, + "video_id": "65297" + }, + { + "bbox": [ + 102, + 16, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/a_8GO2Wo9YA", + "variation_id": 0, + "video_id": "67469" + }, + { + "bbox": [ + 57, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125754.mp4", + "variation_id": 0, + "video_id": "08898" + }, + { + "bbox": [ + 420, + 55, + 839, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/candle.mp4", + "variation_id": 0, + "video_id": "08899" + }, + { + "bbox": [ + 127, + 16, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726608.2103.mp4", + "variation_id": 0, + "video_id": "08900" + }, + { + "bbox": [ + 104, + 0, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/candle.mp4", + "variation_id": 0, + "video_id": "08901" + }, + { + "bbox": [ + 78, + 15, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14016.mp4", + "variation_id": 0, + "video_id": "08902" + }, + { + "bbox": [ + 353, + 37, + 921, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=k01PsVz_CWw", + "variation_id": 0, + "video_id": "08903" + }, + { + "bbox": [ + 22, + 6, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 54, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/c/candle.swf", + "variation_id": 0, + "video_id": "08904" + } + ] + }, + { + "gloss": "cards", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 911, + "frame_start": 842, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09149" + }, + { + "bbox": [ + 12, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cards-game.mp4", + "variation_id": 0, + "video_id": "09154" + }, + { + "bbox": [ + 69, + 12, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14491.mp4", + "variation_id": 0, + "video_id": "09155" + }, + { + "bbox": [ + 9, + 5, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 18, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/cards_ace.swf", + "variation_id": 0, + "video_id": "09156" + }, + { + "bbox": [ + 12, + 1, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cards_jack.swf", + "variation_id": 0, + "video_id": "09160" + }, + { + "bbox": [ + 186, + 13, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CARDS-857.mp4", + "variation_id": 0, + "video_id": "65305" + }, + { + "bbox": [ + 421, + 59, + 808, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cards.mp4", + "variation_id": 0, + "video_id": "09151" + }, + { + "bbox": [ + 8, + 4, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cards_king.swf", + "variation_id": 0, + "video_id": "09161" + }, + { + "bbox": [ + 10, + 1, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cards_queen.swf", + "variation_id": 0, + "video_id": "09162" + }, + { + "bbox": [ + 6, + 10, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cards.swf", + "variation_id": 0, + "video_id": "09164" + }, + { + "bbox": [ + 361, + 14, + 819, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cards-i8x5IXYNDXQ.mp4", + "variation_id": 0, + "video_id": "09153" + } + ] + }, + { + "gloss": "choice", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3068, + "frame_start": 3006, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10588" + }, + { + "bbox": [ + 21, + 20, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/choice.swf", + "variation_id": 0, + "video_id": "10597" + }, + { + "bbox": [ + 171, + 57, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/choice.mp4", + "variation_id": 0, + "video_id": "10598" + }, + { + "bbox": [ + 94, + 10, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/choice.mov", + "variation_id": 0, + "video_id": "10589" + }, + { + "bbox": [ + 66, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/126006.mp4", + "variation_id": 0, + "video_id": "10590" + }, + { + "bbox": [ + 589, + 75, + 1635, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Two%20Choices%2C%20Two%20Options-jTU5D8rwIYs.mp4", + "variation_id": 0, + "video_id": "10591" + }, + { + "bbox": [ + 116, + 17, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466732930.3944.mp4", + "variation_id": 0, + "video_id": "10592" + }, + { + "bbox": [ + 60, + 28, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/choice.mp4", + "variation_id": 0, + "video_id": "10593" + }, + { + "bbox": [ + 69, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14268.mp4", + "variation_id": 0, + "video_id": "10594" + }, + { + "bbox": [ + 83, + 11, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6201.mp4", + "variation_id": 0, + "video_id": "10595" + }, + { + "bbox": [ + 85, + 14, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6202.mp4", + "variation_id": 0, + "video_id": "10596" + } + ] + }, + { + "gloss": "comb", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4420, + "frame_start": 4361, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11812" + }, + { + "bbox": [ + 0, + 8, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/comb.swf", + "variation_id": 0, + "video_id": "11827" + }, + { + "bbox": [ + 131, + 50, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/comb.mp4", + "variation_id": 0, + "video_id": "11828" + }, + { + "bbox": [ + 711, + 105, + 1801, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Comb%2C%20Hairbrush-NBXyLwWJ6MY.mp4", + "variation_id": 0, + "video_id": "11819" + }, + { + "bbox": [ + 87, + 19, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/mhs-VBKXJGU", + "variation_id": 0, + "video_id": "67515" + }, + { + "bbox": [ + 697, + 136, + 1570, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Comb-TciAT5uKCLA.mp4", + "variation_id": 0, + "video_id": "11820" + }, + { + "bbox": [ + 100, + 18, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900045.2008.mp4", + "variation_id": 0, + "video_id": "11821" + }, + { + "bbox": [ + 5, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/comb.mp4", + "variation_id": 0, + "video_id": "11822" + }, + { + "bbox": [ + 48, + 10, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23834.mp4", + "variation_id": 0, + "video_id": "11823" + }, + { + "bbox": [ + 44, + 7, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23835.mp4", + "variation_id": 0, + "video_id": "11824" + }, + { + "bbox": [ + 0, + 1, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/comb_noun.swf", + "variation_id": 0, + "video_id": "11826" + } + ] + }, + { + "gloss": "comfortable", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4513, + "frame_start": 4461, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11900" + }, + { + "bbox": [ + 167, + 59, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/comfort.mp4", + "variation_id": 0, + "video_id": "11911" + }, + { + "bbox": [ + 185, + 34, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COMFORTABLE-2039.mp4", + "variation_id": 0, + "video_id": "65381" + }, + { + "bbox": [ + 56, + 15, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399316.mp4", + "variation_id": 0, + "video_id": "11903" + }, + { + "bbox": [ + 646, + 46, + 1445, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Comfortable-HvEXbOL3dpE.mp4", + "variation_id": 0, + "video_id": "11904" + }, + { + "bbox": [ + 654, + 68, + 1722, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Comfortable-T7LCtfeSWD8.mp4", + "variation_id": 0, + "video_id": "11905" + }, + { + "bbox": [ + 90, + 19, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900260.9734.mp4", + "variation_id": 0, + "video_id": "11906" + }, + { + "bbox": [ + 78, + 9, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/comfortable.mp4", + "variation_id": 0, + "video_id": "11907" + }, + { + "bbox": [ + 74, + 19, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22151.mp4", + "variation_id": 0, + "video_id": "11908" + }, + { + "bbox": [ + 362, + 34, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yx5t_1SvVWs", + "variation_id": 0, + "video_id": "11909" + }, + { + "bbox": [ + 310, + 52, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zb2vA4seUQg", + "variation_id": 0, + "video_id": "11910" + } + ] + }, + { + "gloss": "conflict", + "instances": [ + { + "bbox": [ + 164, + 19, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONFLICT-1123.mp4", + "variation_id": 0, + "video_id": "65394" + }, + { + "bbox": [ + 133, + 22, + 511, + 480 + ], + "fps": 25, + "frame_end": 5287, + "frame_start": 5171, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70102" + }, + { + "bbox": [ + 243, + 43, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/conflict.mp4", + "variation_id": 0, + "video_id": "12593" + }, + { + "bbox": [ + 72, + 7, + 229, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 43, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/conflict.mov", + "variation_id": 0, + "video_id": "12584" + }, + { + "bbox": [ + 68, + 33, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91728.mp4", + "variation_id": 0, + "video_id": "12586" + }, + { + "bbox": [ + 612, + 68, + 1671, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Clash%2C%20Conflict-O19mWA08F5c.mp4", + "variation_id": 0, + "video_id": "12587" + }, + { + "bbox": [ + 49, + 14, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466901966.3780.mp4", + "variation_id": 0, + "video_id": "12588" + }, + { + "bbox": [ + 58, + 2, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/conflict.mp4", + "variation_id": 0, + "video_id": "12589" + }, + { + "bbox": [ + 78, + 17, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8437.mp4", + "variation_id": 0, + "video_id": "12590" + }, + { + "bbox": [ + 347, + 42, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NtchBKQTzS0", + "variation_id": 0, + "video_id": "12591" + }, + { + "bbox": [ + 10, + 17, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/conflict.swf", + "variation_id": 0, + "video_id": "12592" + } + ] + }, + { + "gloss": "cover", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6766, + "frame_start": 6717, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13654" + }, + { + "bbox": [ + 228, + 42, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cover.mp4", + "variation_id": 0, + "video_id": "13664" + }, + { + "bbox": [ + 148, + 19, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COVER-547.mp4", + "variation_id": 0, + "video_id": "65416" + }, + { + "bbox": [ + 71, + 10, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/154520.mp4", + "variation_id": 0, + "video_id": "13656" + }, + { + "bbox": [ + 68, + 23, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466904446.8356.mp4", + "variation_id": 0, + "video_id": "13657" + }, + { + "bbox": [ + 62, + 0, + 530, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/cover.mp4", + "variation_id": 0, + "video_id": "13658" + }, + { + "bbox": [ + 36, + 10, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1385.mp4", + "variation_id": 0, + "video_id": "13659" + }, + { + "bbox": [ + 222, + 11, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2z-EeDrODUI", + "variation_id": 0, + "video_id": "13660" + }, + { + "bbox": [ + 295, + 32, + 1005, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nHwWspiS1k8", + "variation_id": 0, + "video_id": "13661" + }, + { + "bbox": [ + 295, + 31, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OlkO-JO3Mbw", + "variation_id": 0, + "video_id": "13662" + }, + { + "bbox": [ + 224, + 28, + 1012, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=YbIUDhz0Whc", + "variation_id": 0, + "video_id": "13663" + } + ] + }, + { + "gloss": "deodorant", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1504, + "frame_start": 1458, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15556" + }, + { + "bbox": [ + 173, + 64, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/deodorant.mp4", + "variation_id": 0, + "video_id": "15564" + }, + { + "bbox": [ + 147, + 0, + 632, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEODORANT-2738.mp4", + "variation_id": 0, + "video_id": "65462" + }, + { + "bbox": [ + 136, + 19, + 467, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/tyH8EqLtZsA", + "variation_id": 0, + "video_id": "67563" + }, + { + "bbox": [ + 76, + 36, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93291.mp4", + "variation_id": 0, + "video_id": "15557" + }, + { + "bbox": [ + 431, + 4, + 1623, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deodrant-xbUmvJB_zkU.mp4", + "variation_id": 0, + "video_id": "15558" + }, + { + "bbox": [ + 47, + 15, + 634, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908086.5182.mp4", + "variation_id": 0, + "video_id": "15559" + }, + { + "bbox": [ + 65, + 0, + 315, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/deodorant.mp4", + "variation_id": 0, + "video_id": "15560" + }, + { + "bbox": [ + 54, + 16, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3831.mp4", + "variation_id": 0, + "video_id": "15561" + }, + { + "bbox": [ + 337, + 24, + 1058, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WImRv1IKl0U", + "variation_id": 0, + "video_id": "15562" + }, + { + "bbox": [ + 0, + 17, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/deodorant.swf", + "variation_id": 0, + "video_id": "15563" + } + ] + }, + { + "gloss": "dessert", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2053, + "frame_start": 2001, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15807" + }, + { + "bbox": [ + 77, + 6, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5849.mp4", + "variation_id": 0, + "video_id": "15815" + }, + { + "bbox": [ + 18, + 21, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dessert.swf", + "variation_id": 0, + "video_id": "15816" + }, + { + "bbox": [ + 155, + 17, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DESSERT-1249.mp4", + "variation_id": 0, + "video_id": "65470" + }, + { + "bbox": [ + 186, + 58, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dessert.mp4", + "variation_id": 0, + "video_id": "15817" + }, + { + "bbox": [ + 63, + 9, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/74968.mp4", + "variation_id": 0, + "video_id": "15808" + }, + { + "bbox": [ + 779, + 57, + 1759, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dessert-nh0r3qv8MEs.mp4", + "variation_id": 0, + "video_id": "15809" + }, + { + "bbox": [ + 412, + 62, + 993, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Dessert%252C%20Dating.mp4", + "variation_id": 0, + "video_id": "15810" + }, + { + "bbox": [ + 149, + 22, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908805.6429.mp4", + "variation_id": 0, + "video_id": "15811" + }, + { + "bbox": [ + 184, + 7, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dessert.mp4", + "variation_id": 0, + "video_id": "15812" + }, + { + "bbox": [ + 74, + 12, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14429.mp4", + "variation_id": 0, + "video_id": "15813" + } + ] + }, + { + "gloss": "destroy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2093, + "frame_start": 2054, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15825" + }, + { + "bbox": [ + 251, + 45, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zRHTppT0doc", + "variation_id": 0, + "video_id": "15833" + }, + { + "bbox": [ + 148, + 19, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DESTROY-1250.mp4", + "variation_id": 0, + "video_id": "65471" + }, + { + "bbox": [ + 187, + 62, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/destroy.mp4", + "variation_id": 0, + "video_id": "15835" + }, + { + "bbox": [ + 52, + 13, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93931.mp4", + "variation_id": 0, + "video_id": "15826" + }, + { + "bbox": [ + 531, + 50, + 1598, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Destroy%2C%20Holocaust-YN4seaLmZ_w.mp4", + "variation_id": 0, + "video_id": "15827" + }, + { + "bbox": [ + 368, + 59, + 1702, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Destroy-Fkz_xzrjjlo.mp4", + "variation_id": 0, + "video_id": "15828" + }, + { + "bbox": [ + 118, + 32, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1469188205.5489.mp4", + "variation_id": 0, + "video_id": "15829" + }, + { + "bbox": [ + 77, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/destroy.mp4", + "variation_id": 0, + "video_id": "15830" + }, + { + "bbox": [ + 70, + 22, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22255.mp4", + "variation_id": 0, + "video_id": "15831" + }, + { + "bbox": [ + 320, + 45, + 990, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=g12LYyo6Dr4", + "variation_id": 0, + "video_id": "15832" + } + ] + }, + { + "gloss": "diamond", + "instances": [ + { + "bbox": [ + 577, + 31, + 1603, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Diamond%202-dX8Uw9BIomU.mp4", + "variation_id": 0, + "video_id": "16061" + }, + { + "bbox": [ + 596, + 72, + 1474, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Diamond-NOJ0UwKJsWQ.mp4", + "variation_id": 1, + "video_id": "16063" + }, + { + "bbox": [ + 113, + 25, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909398.7438.mp4", + "variation_id": 0, + "video_id": "16065" + }, + { + "bbox": [ + 33, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/diamond-gem.mp4", + "variation_id": 0, + "video_id": "16066" + }, + { + "bbox": [ + 141, + 16, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIAMOND-2475.mp4", + "variation_id": 0, + "video_id": "65476" + }, + { + "bbox": [ + 91, + 0, + 439, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5wRPzKVSH70", + "variation_id": 0, + "video_id": "67567" + }, + { + "bbox": [ + 75, + 20, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23786.mp4", + "variation_id": 1, + "video_id": "16069" + }, + { + "bbox": [ + 306, + 33, + 1086, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=FEo8AU7mBIM", + "variation_id": 1, + "video_id": "16070" + }, + { + "bbox": [ + 317, + 42, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m82CWcfhako", + "variation_id": 1, + "video_id": "16071" + }, + { + "bbox": [ + 5, + 7, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/diamond.swf", + "variation_id": 0, + "video_id": "16072" + }, + { + "bbox": [ + 182, + 48, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/diamond2.mp4", + "variation_id": 1, + "video_id": "16073" + } + ] + }, + { + "gloss": "dollar", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4112, + "frame_start": 4073, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17123" + }, + { + "bbox": [ + 77, + 7, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dollar-bill.mp4", + "variation_id": 0, + "video_id": "17130" + }, + { + "bbox": [ + 59, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6370.mp4", + "variation_id": 0, + "video_id": "17132" + }, + { + "bbox": [ + 62, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6371.mp4", + "variation_id": 0, + "video_id": "17133" + }, + { + "bbox": [ + 8, + 8, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dollar.swf", + "variation_id": 0, + "video_id": "17134" + }, + { + "bbox": [ + 182, + 64, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/dollar.mp4", + "variation_id": 0, + "video_id": "17135" + }, + { + "bbox": [ + 16, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58420.mp4", + "variation_id": 0, + "video_id": "17124" + }, + { + "bbox": [ + 534, + 65, + 1608, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dollar%20side%201x-poFaAW0i474.mp4", + "variation_id": 0, + "video_id": "17125" + }, + { + "bbox": [ + 615, + 82, + 1591, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dollar%20side-CVklW4GIhng.mp4", + "variation_id": 0, + "video_id": "17126" + }, + { + "bbox": [ + 563, + 52, + 1600, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dollar%20top-XE5FUi3bCs8.mp4", + "variation_id": 0, + "video_id": "17127" + }, + { + "bbox": [ + 66, + 15, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467772696.872.mp4", + "variation_id": 0, + "video_id": "17128" + } + ] + }, + { + "gloss": "drawer", + "instances": [ + { + "bbox": [ + 67, + 10, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/drawer.swf", + "variation_id": 0, + "video_id": "17588" + }, + { + "bbox": [ + 243, + 58, + 510, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drawer-r.mp4", + "variation_id": 0, + "video_id": "17589" + }, + { + "bbox": [ + 169, + 11, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRAWER-1276.mp4", + "variation_id": 0, + "video_id": "65532" + }, + { + "bbox": [ + 111, + 0, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/aX7zqGLRunU", + "variation_id": 0, + "video_id": "67590" + }, + { + "bbox": [ + 69, + 0, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456783.mp4", + "variation_id": 0, + "video_id": "17581" + }, + { + "bbox": [ + 404, + 55, + 798, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/drawer.mp4", + "variation_id": 0, + "video_id": "17582" + }, + { + "bbox": [ + 405, + 78, + 1637, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dresser-T8vTESv7SC0.mp4", + "variation_id": 0, + "video_id": "17583" + }, + { + "bbox": [ + 64, + 9, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drawer.mp4", + "variation_id": 0, + "video_id": "17584" + }, + { + "bbox": [ + 70, + 5, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14900.mp4", + "variation_id": 0, + "video_id": "17585" + }, + { + "bbox": [ + 75, + 6, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14901.mp4", + "variation_id": 0, + "video_id": "17586" + }, + { + "bbox": [ + 344, + 52, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=5wrl6AtW4oc", + "variation_id": 0, + "video_id": "17587" + } + ] + }, + { + "gloss": "dream", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4586, + "frame_start": 4530, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17624" + }, + { + "bbox": [ + 45, + 3, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22849.mp4", + "variation_id": 0, + "video_id": "17633" + }, + { + "bbox": [ + 267, + 59, + 965, + 709 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PQ6tYj9tCQs", + "variation_id": 0, + "video_id": "17634" + }, + { + "bbox": [ + 0, + 14, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/dream.swf", + "variation_id": 0, + "video_id": "17635" + }, + { + "bbox": [ + 150, + 51, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dream.mp4", + "variation_id": 0, + "video_id": "17636" + }, + { + "bbox": [ + 150, + 6, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DREAM-1277.mp4", + "variation_id": 0, + "video_id": "65534" + }, + { + "bbox": [ + 123, + 6, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DREAM-578.mp4", + "variation_id": 0, + "video_id": "65533" + }, + { + "bbox": [ + 656, + 67, + 1595, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dream-kjtDQKIrb44.mp4", + "variation_id": 0, + "video_id": "17627" + }, + { + "bbox": [ + 62, + 5, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Z7XeAFTDbYc", + "variation_id": 0, + "video_id": "67591" + }, + { + "bbox": [ + 21, + 1, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773649.1365.mp4", + "variation_id": 0, + "video_id": "17628" + }, + { + "bbox": [ + 1, + 21, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/dream.mp4", + "variation_id": 0, + "video_id": "17629" + } + ] + }, + { + "gloss": "drunk", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4756, + "frame_start": 4707, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17907" + }, + { + "bbox": [ + 180, + 54, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drunk.mp4", + "variation_id": 0, + "video_id": "17918" + }, + { + "bbox": [ + 130, + 7, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRUNK-2750.mp4", + "variation_id": 0, + "video_id": "65548" + }, + { + "bbox": [ + 81, + 16, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/74976.mp4", + "variation_id": 0, + "video_id": "17910" + }, + { + "bbox": [ + 90, + 19, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/APIsWlQ6eBw", + "variation_id": 0, + "video_id": "67598" + }, + { + "bbox": [ + 631, + 81, + 1499, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drunk-J_z5tK_0wlw.mp4", + "variation_id": 0, + "video_id": "17911" + }, + { + "bbox": [ + 20, + 16, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206766.8071.mp4", + "variation_id": 0, + "video_id": "17912" + }, + { + "bbox": [ + 54, + 10, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drunk.mp4", + "variation_id": 0, + "video_id": "17913" + }, + { + "bbox": [ + 66, + 13, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6314.mp4", + "variation_id": 0, + "video_id": "17914" + }, + { + "bbox": [ + 82, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6315.mp4", + "variation_id": 0, + "video_id": "17915" + }, + { + "bbox": [ + 329, + 35, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ken7gc4rwlI", + "variation_id": 0, + "video_id": "17916" + } + ] + }, + { + "gloss": "duck", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4856, + "frame_start": 4814, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17945" + }, + { + "bbox": [ + 322, + 39, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/duck.mp4", + "variation_id": 0, + "video_id": "69305" + }, + { + "bbox": [ + 171, + 64, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/duck.mp4", + "variation_id": 0, + "video_id": "17955" + }, + { + "bbox": [ + 147, + 15, + 453, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DU/DUCK-446.mp4", + "variation_id": 0, + "video_id": "65551" + }, + { + "bbox": [ + 354, + 18, + 804, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Duck-8gh6dSIcqyA.mp4", + "variation_id": 0, + "video_id": "17948" + }, + { + "bbox": [ + 76, + 21, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/BlPSqdS6Bjs", + "variation_id": 0, + "video_id": "67600" + }, + { + "bbox": [ + 59, + 7, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206896.8998.mp4", + "variation_id": 0, + "video_id": "17949" + }, + { + "bbox": [ + 51, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/duck.mp4", + "variation_id": 0, + "video_id": "17950" + }, + { + "bbox": [ + 66, + 12, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14699.mp4", + "variation_id": 0, + "video_id": "17951" + }, + { + "bbox": [ + 315, + 60, + 889, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=btW25HJ05FU", + "variation_id": 0, + "video_id": "17952" + }, + { + "bbox": [ + 0, + 18, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/duck.swf", + "variation_id": 0, + "video_id": "17953" + } + ] + }, + { + "gloss": "during", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4983, + "frame_start": 4934, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "18027" + }, + { + "bbox": [ + 118, + 22, + 510, + 480 + ], + "fps": 25, + "frame_end": 5120, + "frame_start": 5005, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70039" + }, + { + "bbox": [ + 44, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456803.mp4", + "variation_id": 0, + "video_id": "18028" + }, + { + "bbox": [ + 704, + 64, + 1704, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchoo%20While%2C%20During-if2NdE2l2eA.mp4", + "variation_id": 0, + "video_id": "18029" + }, + { + "bbox": [ + 37, + 9, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206951.3984.mp4", + "variation_id": 0, + "video_id": "18030" + }, + { + "bbox": [ + 54, + 17, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/during.mp4", + "variation_id": 0, + "video_id": "18031" + }, + { + "bbox": [ + 53, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6310.mp4", + "variation_id": 0, + "video_id": "18032" + }, + { + "bbox": [ + 243, + 6, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fNCSWnHOCgI", + "variation_id": 0, + "video_id": "18033" + }, + { + "bbox": [ + 243, + 6, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fNCSWnHOCgI", + "variation_id": 0, + "video_id": "18034" + }, + { + "bbox": [ + 0, + 13, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/during.swf", + "variation_id": 0, + "video_id": "18035" + }, + { + "bbox": [ + 183, + 58, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/during.mp4", + "variation_id": 0, + "video_id": "18036" + } + ] + }, + { + "gloss": "eagle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 180, + "frame_start": 71, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18137" + }, + { + "bbox": [ + 181, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eagle.mp4", + "variation_id": 0, + "video_id": "18144" + }, + { + "bbox": [ + 189, + 28, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EAGLE-1286.mp4", + "variation_id": 0, + "video_id": "65588" + }, + { + "bbox": [ + 180, + 28, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EAGLE-1287.mp4", + "variation_id": 0, + "video_id": "65589" + }, + { + "bbox": [ + 89, + 21, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gPPmu_SnPI4", + "variation_id": 0, + "video_id": "67601" + }, + { + "bbox": [ + 39, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51907.mp4", + "variation_id": 0, + "video_id": "18138" + }, + { + "bbox": [ + 771, + 144, + 1547, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Eagle-TaKdUTh-fzw.mp4", + "variation_id": 0, + "video_id": "18139" + }, + { + "bbox": [ + 98, + 14, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468207188.321.mp4", + "variation_id": 0, + "video_id": "18140" + }, + { + "bbox": [ + 44, + 0, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/eagle.mp4", + "variation_id": 0, + "video_id": "18141" + }, + { + "bbox": [ + 64, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8563.mp4", + "variation_id": 0, + "video_id": "18142" + }, + { + "bbox": [ + 0, + 17, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/e/eagle.swf", + "variation_id": 0, + "video_id": "18143" + } + ] + }, + { + "gloss": "early", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 294, + "frame_start": 258, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18164" + }, + { + "bbox": [ + 13, + 17, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/early.swf", + "variation_id": 0, + "video_id": "18183" + }, + { + "bbox": [ + 174, + 53, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/early.mp4", + "variation_id": 0, + "video_id": "18184" + }, + { + "bbox": [ + 382, + 50, + 803, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/early.mp4", + "variation_id": 0, + "video_id": "18167" + }, + { + "bbox": [ + 704, + 74, + 1609, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Early%202-Y0f51IM4kfg.mp4", + "variation_id": 0, + "video_id": "18168" + }, + { + "bbox": [ + 713, + 69, + 1577, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Early%203-d6GNfNifsIw.mp4", + "variation_id": 0, + "video_id": "18169" + }, + { + "bbox": [ + 15, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51909.mp4", + "variation_id": 0, + "video_id": "18166" + }, + { + "bbox": [ + 57, + 0, + 630, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/early-us.mp4", + "variation_id": 0, + "video_id": "18177" + }, + { + "bbox": [ + 73, + 21, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22802.mp4", + "variation_id": 0, + "video_id": "18178" + }, + { + "bbox": [ + 328, + 48, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=l_fTjyGJl-w", + "variation_id": 0, + "video_id": "18181" + }, + { + "bbox": [ + 276, + 34, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=RSAwb_vK4hI", + "variation_id": 0, + "video_id": "18182" + } + ] + }, + { + "gloss": "equal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2121, + "frame_start": 2082, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19456" + }, + { + "bbox": [ + 181, + 55, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/equal.mp4", + "variation_id": 0, + "video_id": "19464" + }, + { + "bbox": [ + 182, + 18, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EQ/EQUAL-835.mp4", + "variation_id": 0, + "video_id": "65640" + }, + { + "bbox": [ + 93, + 20, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/c_ViZYrudGA", + "variation_id": 0, + "video_id": "67628" + }, + { + "bbox": [ + 64, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456912.mp4", + "variation_id": 0, + "video_id": "19457" + }, + { + "bbox": [ + 607, + 81, + 1682, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Equal%2C%20Fair-fHDiQQiBgHw.mp4", + "variation_id": 0, + "video_id": "19458" + }, + { + "bbox": [ + 102, + 11, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376790.5278.mp4", + "variation_id": 0, + "video_id": "19459" + }, + { + "bbox": [ + 28, + 0, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/equal-even.mp4", + "variation_id": 0, + "video_id": "19460" + }, + { + "bbox": [ + 121, + 0, + 456, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/equal.mp4", + "variation_id": 0, + "video_id": "19461" + }, + { + "bbox": [ + 77, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6805.mp4", + "variation_id": 0, + "video_id": "19462" + }, + { + "bbox": [ + 1, + 17, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/e/equal.swf", + "variation_id": 0, + "video_id": "19463" + } + ] + }, + { + "gloss": "every", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2558, + "frame_start": 2529, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19798" + }, + { + "bbox": [ + 511, + 75, + 1353, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/every.mp4", + "variation_id": 0, + "video_id": "69311" + }, + { + "bbox": [ + 139, + 31, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EV/EVERY-1328.mp4", + "variation_id": 0, + "video_id": "65648" + }, + { + "bbox": [ + 42, + 21, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96334.mp4", + "variation_id": 0, + "video_id": "19842" + }, + { + "bbox": [ + 62, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468377708.7337.mp4", + "variation_id": 0, + "video_id": "19843" + }, + { + "bbox": [ + 77, + 13, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/every.mp4", + "variation_id": 0, + "video_id": "19844" + }, + { + "bbox": [ + 65, + 6, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5851.mp4", + "variation_id": 0, + "video_id": "19845" + }, + { + "bbox": [ + 292, + 52, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChVZflrwViQ", + "variation_id": 0, + "video_id": "19846" + }, + { + "bbox": [ + 282, + 49, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kUTK18ql7Zo", + "variation_id": 0, + "video_id": "19847" + }, + { + "bbox": [ + 18, + 2, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/every.swf", + "variation_id": 0, + "video_id": "19848" + }, + { + "bbox": [ + 177, + 59, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/every.mp4", + "variation_id": 0, + "video_id": "19849" + } + ] + }, + { + "gloss": "excited", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3126, + "frame_start": 3080, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20152" + }, + { + "bbox": [ + 127, + 44, + 433, + 360 + ], + "fps": 25, + "frame_end": 2126, + "frame_start": 2012, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70286" + }, + { + "bbox": [ + 312, + 39, + 1056, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7jVM-HlaCUQ", + "variation_id": 0, + "video_id": "20160" + }, + { + "bbox": [ + 253, + 36, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 69, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=cjSZCokonlY", + "variation_id": 0, + "video_id": "20161" + }, + { + "bbox": [ + 159, + 28, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXCITED-1344.mp4", + "variation_id": 0, + "video_id": "65655" + }, + { + "bbox": [ + 217, + 46, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/excite.mp4", + "variation_id": 0, + "video_id": "20162" + }, + { + "bbox": [ + 45, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455577.mp4", + "variation_id": 0, + "video_id": "20153" + }, + { + "bbox": [ + 369, + 50, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/excited.mp4", + "variation_id": 0, + "video_id": "20154" + }, + { + "bbox": [ + 372, + 35, + 1136, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Excited_2C%20Exciting.mp4", + "variation_id": 0, + "video_id": "20157" + }, + { + "bbox": [ + 14, + 11, + 613, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378547.3298.mp4", + "variation_id": 0, + "video_id": "20158" + }, + { + "bbox": [ + 0, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/excited.mp4", + "variation_id": 0, + "video_id": "20159" + } + ] + }, + { + "gloss": "exercise", + "instances": [ + { + "bbox": [ + 122, + 17, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXERCISE-351.mp4", + "variation_id": 0, + "video_id": "65657" + }, + { + "bbox": [ + 77, + 0, + 610, + 360 + ], + "fps": 25, + "frame_end": 60, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=23otmQva6iU", + "variation_id": 0, + "video_id": "68212" + }, + { + "bbox": [ + 101, + 10, + 1280, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=r_wo-e67CHs", + "variation_id": 0, + "video_id": "68047" + }, + { + "bbox": [ + 150, + 54, + 590, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/exercise.mp4", + "variation_id": 0, + "video_id": "20235" + }, + { + "bbox": [ + 328, + 59, + 895, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/exercise.mp4", + "variation_id": 0, + "video_id": "20226" + }, + { + "bbox": [ + 86, + 20, + 401, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/6mw1hpAPhT4", + "variation_id": 0, + "video_id": "67636" + }, + { + "bbox": [ + 0, + 4, + 637, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378928.3904.mp4", + "variation_id": 0, + "video_id": "20227" + }, + { + "bbox": [ + 3, + 7, + 308, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/exercise-workout.mp4", + "variation_id": 0, + "video_id": "20228" + }, + { + "bbox": [ + 0, + 8, + 287, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6806.mp4", + "variation_id": 0, + "video_id": "20229" + }, + { + "bbox": [ + 103, + 14, + 1202, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nf7FO5T3UO4", + "variation_id": 0, + "video_id": "20231" + }, + { + "bbox": [ + 0, + 6, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/e/exercise.swf", + "variation_id": 0, + "video_id": "20232" + } + ] + }, + { + "gloss": "experiment", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3379, + "frame_start": 3323, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20387" + }, + { + "bbox": [ + 54, + 14, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6807.mp4", + "variation_id": 0, + "video_id": "20396" + }, + { + "bbox": [ + 236, + 45, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bPwt0NUNL4s", + "variation_id": 0, + "video_id": "20397" + }, + { + "bbox": [ + 228, + 43, + 1046, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=R0-XPhftgIo", + "variation_id": 0, + "video_id": "20398" + }, + { + "bbox": [ + 154, + 30, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXPERIMENT-1352.mp4", + "variation_id": 0, + "video_id": "65660" + }, + { + "bbox": [ + 92, + 13, + 230, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 66, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/experiment.mov", + "variation_id": 0, + "video_id": "20390" + }, + { + "bbox": [ + 0, + 18, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/experiment.swf", + "variation_id": 0, + "video_id": "20400" + }, + { + "bbox": [ + 197, + 62, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/experiment.mp4", + "variation_id": 0, + "video_id": "20401" + }, + { + "bbox": [ + 64, + 42, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91758.mp4", + "variation_id": 0, + "video_id": "20392" + }, + { + "bbox": [ + 24, + 8, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468379374.9326.mp4", + "variation_id": 0, + "video_id": "20393" + }, + { + "bbox": [ + 55, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/experiment.mp4", + "variation_id": 0, + "video_id": "20394" + } + ] + }, + { + "gloss": "expert", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3429, + "frame_start": 3380, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20402" + }, + { + "bbox": [ + 26, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/expert.mp4", + "variation_id": 0, + "video_id": "20409" + }, + { + "bbox": [ + 78, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7205.mp4", + "variation_id": 0, + "video_id": "20411" + }, + { + "bbox": [ + 271, + 45, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=RH1hfuGDFJ0", + "variation_id": 0, + "video_id": "20412" + }, + { + "bbox": [ + 17, + 5, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/expert.swf", + "variation_id": 0, + "video_id": "20413" + }, + { + "bbox": [ + 196, + 54, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/expert.mp4", + "variation_id": 0, + "video_id": "20414" + }, + { + "bbox": [ + 71, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455599.mp4", + "variation_id": 0, + "video_id": "20403" + }, + { + "bbox": [ + 683, + 91, + 1470, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expert%203-liyMsjD6vFs.mp4", + "variation_id": 0, + "video_id": "20404" + }, + { + "bbox": [ + 676, + 80, + 1416, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expert%20POW-uhNMt7NOCJ0.mp4", + "variation_id": 0, + "video_id": "20406" + }, + { + "bbox": [ + 636, + 74, + 1428, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expert-XmMvw5IY9Uw.mp4", + "variation_id": 0, + "video_id": "20407" + }, + { + "bbox": [ + 72, + 8, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468379403.1816.mp4", + "variation_id": 0, + "video_id": "20408" + } + ] + }, + { + "gloss": "fact", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 120, + "frame_start": 91, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20736" + }, + { + "bbox": [ + 416, + 25, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 119, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/fact.mp4", + "variation_id": 0, + "video_id": "69315" + }, + { + "bbox": [ + 62, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fact.mp4", + "variation_id": 0, + "video_id": "20743" + }, + { + "bbox": [ + 61, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/fact-plu.mp4", + "variation_id": 0, + "video_id": "20744" + }, + { + "bbox": [ + 98, + 22, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23491.mp4", + "variation_id": 0, + "video_id": "20746" + }, + { + "bbox": [ + 176, + 13, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=zmKXTw_1ELY", + "variation_id": 0, + "video_id": "20747" + }, + { + "bbox": [ + 0, + 14, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fact.swf", + "variation_id": 0, + "video_id": "20748" + }, + { + "bbox": [ + 80, + 7, + 228, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/fact.mov", + "variation_id": 0, + "video_id": "20737" + }, + { + "bbox": [ + 75, + 15, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91400.mp4", + "variation_id": 0, + "video_id": "20739" + }, + { + "bbox": [ + 857, + 64, + 1739, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fact-6urVV-L6g7I.mp4", + "variation_id": 0, + "video_id": "20740" + }, + { + "bbox": [ + 109, + 6, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468462718.7990.mp4", + "variation_id": 0, + "video_id": "20741" + } + ] + }, + { + "gloss": "fear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 812, + "frame_start": 770, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21319" + }, + { + "bbox": [ + 242, + 38, + 1078, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pzUkHVSnjdM", + "variation_id": 0, + "video_id": "21332" + }, + { + "bbox": [ + 20, + 6, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fear.swf", + "variation_id": 0, + "video_id": "21333" + }, + { + "bbox": [ + 44, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51814.mp4", + "variation_id": 0, + "video_id": "21324" + }, + { + "bbox": [ + 209, + 37, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/afraid.mp4", + "variation_id": 0, + "video_id": "21334" + }, + { + "bbox": [ + 100, + 7, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468463774.7280.mp4", + "variation_id": 0, + "video_id": "21325" + }, + { + "bbox": [ + 111, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fear.mp4", + "variation_id": 0, + "video_id": "21326" + }, + { + "bbox": [ + 72, + 3, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5943.mp4", + "variation_id": 0, + "video_id": "21327" + }, + { + "bbox": [ + 59, + 15, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7213.mp4", + "variation_id": 0, + "video_id": "21328" + }, + { + "bbox": [ + 232, + 45, + 1086, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0bUNjfJsFIs", + "variation_id": 0, + "video_id": "21330" + }, + { + "bbox": [ + 277, + 29, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=N-2pFw6Jw-s", + "variation_id": 0, + "video_id": "21331" + } + ] + }, + { + "gloss": "feedback", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1075, + "frame_start": 1029, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21394" + }, + { + "bbox": [ + 91, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/feedback.mp4", + "variation_id": 0, + "video_id": "21401" + }, + { + "bbox": [ + 352, + 41, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_tqhRxNqLvw", + "variation_id": 0, + "video_id": "21403" + }, + { + "bbox": [ + 62, + 26, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FE/FEEDBACK-1454.mp4", + "variation_id": 0, + "video_id": "65695" + }, + { + "bbox": [ + 1, + 10, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/feedback.swf", + "variation_id": 0, + "video_id": "21404" + }, + { + "bbox": [ + 219, + 36, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/feedback.mp4", + "variation_id": 0, + "video_id": "21405" + }, + { + "bbox": [ + 84, + 10, + 241, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/feedback.mov", + "variation_id": 0, + "video_id": "21395" + }, + { + "bbox": [ + 635, + 68, + 1624, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Feedback%202-z06wl0BRCcw.mp4", + "variation_id": 0, + "video_id": "21397" + }, + { + "bbox": [ + 720, + 72, + 1619, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Feedback-NeKCEGGa8Mo.mp4", + "variation_id": 0, + "video_id": "21398" + }, + { + "bbox": [ + 112, + 33, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499869634.829.mp4", + "variation_id": 0, + "video_id": "21399" + }, + { + "bbox": [ + 81, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/feedback2.mp4", + "variation_id": 0, + "video_id": "21400" + } + ] + }, + { + "gloss": "fold", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2234, + "frame_start": 2158, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22683" + }, + { + "bbox": [ + 198, + 54, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/fold.mp4", + "variation_id": 0, + "video_id": "22702" + }, + { + "bbox": [ + 186, + 30, + 501, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOLD-1488.mp4", + "variation_id": 0, + "video_id": "65750" + }, + { + "bbox": [ + 61, + 35, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93040.mp4", + "variation_id": 0, + "video_id": "22694" + }, + { + "bbox": [ + 367, + 58, + 1740, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fold%202-XrNxOoEt2nA.mp4", + "variation_id": 1, + "video_id": "22695" + }, + { + "bbox": [ + 124, + 12, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513099.7957.mp4", + "variation_id": 1, + "video_id": "22696" + }, + { + "bbox": [ + 43, + 7, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fold2.mp4", + "variation_id": 1, + "video_id": "22697" + }, + { + "bbox": [ + 38, + 6, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fold3.mp4", + "variation_id": 1, + "video_id": "22698" + }, + { + "bbox": [ + 48, + 6, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fold.mp4", + "variation_id": 1, + "video_id": "22699" + }, + { + "bbox": [ + 49, + 12, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1580.mp4", + "variation_id": 1, + "video_id": "22700" + }, + { + "bbox": [ + 0, + 9, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fold.swf", + "variation_id": 0, + "video_id": "22701" + } + ] + }, + { + "gloss": "forest", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2521, + "frame_start": 2472, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22907" + }, + { + "bbox": [ + 0, + 13, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/forest.swf", + "variation_id": 0, + "video_id": "22919" + }, + { + "bbox": [ + 204, + 37, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/woods.mp4", + "variation_id": 0, + "video_id": "22920" + }, + { + "bbox": [ + 172, + 29, + 506, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOREST-1492.mp4", + "variation_id": 0, + "video_id": "65759" + }, + { + "bbox": [ + 81, + 8, + 243, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/forest.mov", + "variation_id": 0, + "video_id": "22911" + }, + { + "bbox": [ + 43, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58459.mp4", + "variation_id": 0, + "video_id": "22912" + }, + { + "bbox": [ + 370, + 55, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/forest.mp4", + "variation_id": 0, + "video_id": "22913" + }, + { + "bbox": [ + 63, + 0, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513392.5977.mp4", + "variation_id": 0, + "video_id": "22914" + }, + { + "bbox": [ + 29, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/forest.mp4", + "variation_id": 0, + "video_id": "22916" + }, + { + "bbox": [ + 52, + 16, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23030.mp4", + "variation_id": 0, + "video_id": "22917" + }, + { + "bbox": [ + 274, + 3, + 1046, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=wx5AlfAo97Y", + "variation_id": 0, + "video_id": "22918" + } + ] + }, + { + "gloss": "france", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2878, + "frame_start": 2843, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23326" + }, + { + "bbox": [ + 66, + 12, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9643.mp4", + "variation_id": 0, + "video_id": "23335" + }, + { + "bbox": [ + 304, + 48, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mhxJADfOYRU", + "variation_id": 0, + "video_id": "23336" + }, + { + "bbox": [ + 23, + 22, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/f/france.swf", + "variation_id": 0, + "video_id": "23337" + }, + { + "bbox": [ + 154, + 40, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FRANCE-1501.mp4", + "variation_id": 0, + "video_id": "65777" + }, + { + "bbox": [ + 27, + 0, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455307.mp4", + "variation_id": 0, + "video_id": "23328" + }, + { + "bbox": [ + 67, + 22, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/j9KIOX0J82Q", + "variation_id": 0, + "video_id": "67684" + }, + { + "bbox": [ + 162, + 52, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/france.mp4", + "variation_id": 0, + "video_id": "23338" + }, + { + "bbox": [ + 469, + 110, + 1410, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20France%202-mt_FTD9DhOU.mp4", + "variation_id": 0, + "video_id": "23330" + }, + { + "bbox": [ + 79, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513849.1534.mp4", + "variation_id": 0, + "video_id": "23331" + }, + { + "bbox": [ + 59, + 21, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/france.mp4", + "variation_id": 0, + "video_id": "23333" + } + ] + }, + { + "gloss": "frog", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3245, + "frame_start": 3193, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23626" + }, + { + "bbox": [ + 174, + 51, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/frog.mp4", + "variation_id": 0, + "video_id": "23634" + }, + { + "bbox": [ + 143, + 18, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FROG-137.mp4", + "variation_id": 0, + "video_id": "65784" + }, + { + "bbox": [ + 92, + 20, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/fK1F0KZ9oBA", + "variation_id": 0, + "video_id": "67693" + }, + { + "bbox": [ + 49, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456374.mp4", + "variation_id": 0, + "video_id": "23627" + }, + { + "bbox": [ + 812, + 71, + 1692, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Frog%2C%20Sophmore-1tcFN7bie1M.mp4", + "variation_id": 0, + "video_id": "23628" + }, + { + "bbox": [ + 624, + 68, + 1575, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Frog--vs0rWWOK4Q.mp4", + "variation_id": 0, + "video_id": "23629" + }, + { + "bbox": [ + 64, + 14, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514268.1224.mp4", + "variation_id": 0, + "video_id": "23630" + }, + { + "bbox": [ + 52, + 5, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/frog.mp4", + "variation_id": 0, + "video_id": "23631" + }, + { + "bbox": [ + 80, + 17, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7390.mp4", + "variation_id": 0, + "video_id": "23632" + }, + { + "bbox": [ + 25, + 18, + 199, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/f/frog.swf", + "variation_id": 0, + "video_id": "23633" + } + ] + }, + { + "gloss": "funny", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3462, + "frame_start": 3406, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23865" + }, + { + "bbox": [ + 404, + 49, + 841, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=BJ6XJohLVIg", + "variation_id": 0, + "video_id": "23876" + }, + { + "bbox": [ + 0, + 7, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/funny.swf", + "variation_id": 0, + "video_id": "23877" + }, + { + "bbox": [ + 69, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456378.mp4", + "variation_id": 0, + "video_id": "23868" + }, + { + "bbox": [ + 173, + 49, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/funny.mp4", + "variation_id": 0, + "video_id": "23878" + }, + { + "bbox": [ + 964, + 55, + 1744, + 1058 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Funny-YbgfU-2krKs.mp4", + "variation_id": 0, + "video_id": "23869" + }, + { + "bbox": [ + 86, + 15, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514712.8468.mp4", + "variation_id": 0, + "video_id": "23870" + }, + { + "bbox": [ + 57, + 14, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/funny.mp4", + "variation_id": 0, + "video_id": "23871" + }, + { + "bbox": [ + 60, + 11, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/funny-peculiar.mp4", + "variation_id": 0, + "video_id": "23872" + }, + { + "bbox": [ + 95, + 16, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8380.mp4", + "variation_id": 0, + "video_id": "23873" + }, + { + "bbox": [ + 366, + 35, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=b4bEDbnaGv4", + "variation_id": 0, + "video_id": "23875" + } + ] + }, + { + "gloss": "garage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 282, + "frame_start": 250, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24056" + }, + { + "bbox": [ + 119, + 25, + 540, + 480 + ], + "fps": 25, + "frame_end": 5611, + "frame_start": 5497, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70042" + }, + { + "bbox": [ + 157, + 17, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GA/GARAGE-827.mp4", + "variation_id": 0, + "video_id": "65801" + }, + { + "bbox": [ + 126, + 21, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/7QAwcKMCU6Q", + "variation_id": 0, + "video_id": "67703" + }, + { + "bbox": [ + 398, + 57, + 804, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/garage.mp4", + "variation_id": 0, + "video_id": "24057" + }, + { + "bbox": [ + 29, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/garage.mp4", + "variation_id": 0, + "video_id": "24058" + }, + { + "bbox": [ + 44, + 10, + 249, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/953.mp4", + "variation_id": 0, + "video_id": "24059" + }, + { + "bbox": [ + 350, + 36, + 1018, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6i1516QNfaY", + "variation_id": 0, + "video_id": "24060" + }, + { + "bbox": [ + 337, + 43, + 1023, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gtPeZ4zuXXI", + "variation_id": 0, + "video_id": "24061" + }, + { + "bbox": [ + 13, + 8, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/garage.swf", + "variation_id": 0, + "video_id": "24062" + }, + { + "bbox": [ + 158, + 53, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/garage.mp4", + "variation_id": 0, + "video_id": "24063" + } + ] + }, + { + "gloss": "goal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 966, + "frame_start": 927, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24867" + }, + { + "bbox": [ + 72, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549308.4305.mp4", + "variation_id": 0, + "video_id": "24872" + }, + { + "bbox": [ + 82, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/goal-aim.mp4", + "variation_id": 0, + "video_id": "24873" + }, + { + "bbox": [ + 71, + 6, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22306.mp4", + "variation_id": 0, + "video_id": "24875" + }, + { + "bbox": [ + 158, + 12, + 551, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GOAL-854.mp4", + "variation_id": 0, + "video_id": "65829" + }, + { + "bbox": [ + 277, + 35, + 1031, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=8t9-34ZHDAE", + "variation_id": 0, + "video_id": "24878" + }, + { + "bbox": [ + 15, + 5, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/goal.swf", + "variation_id": 0, + "video_id": "24879" + }, + { + "bbox": [ + 238, + 40, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/goal.mp4", + "variation_id": 0, + "video_id": "24881" + }, + { + "bbox": [ + 31, + 3, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244572.mp4", + "variation_id": 0, + "video_id": "24868" + }, + { + "bbox": [ + 489, + 66, + 1496, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Goal%202-cW8WeiUlVwg.mp4", + "variation_id": 0, + "video_id": "24869" + }, + { + "bbox": [ + 501, + 49, + 1595, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mission%2C%20Goal-UWgVrxt_8XM.mp4", + "variation_id": 0, + "video_id": "24870" + } + ] + }, + { + "gloss": "golf", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1156, + "frame_start": 1114, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25003" + }, + { + "bbox": [ + 4, + 13, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/golf.swf", + "variation_id": 0, + "video_id": "25018" + }, + { + "bbox": [ + 115, + 37, + 466, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GOLF-1870.mp4", + "variation_id": 0, + "video_id": "65833" + }, + { + "bbox": [ + 17, + 10, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92684.mp4", + "variation_id": 0, + "video_id": "25011" + }, + { + "bbox": [ + 73, + 19, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/iRxesWqFEtk", + "variation_id": 0, + "video_id": "67718" + }, + { + "bbox": [ + 307, + 52, + 847, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/golf.mp4", + "variation_id": 0, + "video_id": "25012" + }, + { + "bbox": [ + 662, + 133, + 1520, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Golf-5tKPZX9oVng.mp4", + "variation_id": 0, + "video_id": "25013" + }, + { + "bbox": [ + 526, + 69, + 1542, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Golf-jmVzVAEcwvk.mp4", + "variation_id": 0, + "video_id": "25014" + }, + { + "bbox": [ + 42, + 12, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549433.123.mp4", + "variation_id": 0, + "video_id": "25015" + }, + { + "bbox": [ + 33, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/golf.mp4", + "variation_id": 0, + "video_id": "25016" + }, + { + "bbox": [ + 38, + 9, + 260, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14840.mp4", + "variation_id": 0, + "video_id": "25017" + } + ] + }, + { + "gloss": "gone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1193, + "frame_start": 1157, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25024" + }, + { + "bbox": [ + 366, + 36, + 938, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=lmXuWhfHpvY", + "variation_id": 0, + "video_id": "68662" + }, + { + "bbox": [ + 181, + 24, + 494, + 480 + ], + "fps": 25, + "frame_end": 3036, + "frame_start": 2972, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70114" + }, + { + "bbox": [ + 132, + 31, + 286, + 240 + ], + "fps": 25, + "frame_end": 4646, + "frame_start": 4558, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70321" + }, + { + "bbox": [ + 50, + 16, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gone-missing.mp4", + "variation_id": 0, + "video_id": "25030" + }, + { + "bbox": [ + 97, + 23, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22869.mp4", + "variation_id": 0, + "video_id": "25033" + }, + { + "bbox": [ + 158, + 36, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GONE-470.mp4", + "variation_id": 0, + "video_id": "65834" + }, + { + "bbox": [ + 375, + 0, + 1013, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AIV_OeOpnio", + "variation_id": 0, + "video_id": "25034" + }, + { + "bbox": [ + 425, + 56, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/gone.mp4", + "variation_id": 0, + "video_id": "25025" + }, + { + "bbox": [ + 707, + 51, + 1553, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gone%2C%20Missing-g1oB9-dnTfk.mp4", + "variation_id": 0, + "video_id": "25026" + }, + { + "bbox": [ + 91, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468549548.4692.mp4", + "variation_id": 0, + "video_id": "25028" + } + ] + }, + { + "gloss": "gossip", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1429, + "frame_start": 1357, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25182" + }, + { + "bbox": [ + 210, + 44, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gossip.mp4", + "variation_id": 0, + "video_id": "25191" + }, + { + "bbox": [ + 91, + 19, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/HAwJ6tPCDnQ", + "variation_id": 0, + "video_id": "67719" + }, + { + "bbox": [ + 68, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456467.mp4", + "variation_id": 0, + "video_id": "25183" + }, + { + "bbox": [ + 431, + 57, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/gossip.mp4", + "variation_id": 0, + "video_id": "25184" + }, + { + "bbox": [ + 488, + 79, + 1613, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rumor-epPCE5LPPZQ.mp4", + "variation_id": 0, + "video_id": "25185" + }, + { + "bbox": [ + 51, + 10, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549772.2923.mp4", + "variation_id": 0, + "video_id": "25186" + }, + { + "bbox": [ + 126, + 1, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gossip.mp4", + "variation_id": 0, + "video_id": "25187" + }, + { + "bbox": [ + 48, + 11, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1637.mp4", + "variation_id": 0, + "video_id": "25188" + }, + { + "bbox": [ + 341, + 30, + 1038, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fNE4IwB6EWo", + "variation_id": 0, + "video_id": "25189" + }, + { + "bbox": [ + 3, + 4, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/g/gossip.swf", + "variation_id": 0, + "video_id": "25190" + } + ] + }, + { + "gloss": "grandmother", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1682, + "frame_start": 1630, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25428" + }, + { + "bbox": [ + 201, + 51, + 408, + 360 + ], + "fps": 25, + "frame_end": 657, + "frame_start": 566, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70329" + }, + { + "bbox": [ + 168, + 54, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grandma.mp4", + "variation_id": 0, + "video_id": "25436" + }, + { + "bbox": [ + 92, + 32, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRANDMOTHER-1862.mp4", + "variation_id": 0, + "video_id": "65847" + }, + { + "bbox": [ + 99, + 23, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3anCbYXY_bM", + "variation_id": 0, + "video_id": "67725" + }, + { + "bbox": [ + 63, + 4, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456524.mp4", + "variation_id": 0, + "video_id": "25429" + }, + { + "bbox": [ + 205, + 17, + 515, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/grandmother.mp4", + "variation_id": 0, + "video_id": "25430" + }, + { + "bbox": [ + 149, + 12, + 832, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grandmother-dUfLaBXRLC4.mp4", + "variation_id": 0, + "video_id": "25431" + }, + { + "bbox": [ + 102, + 13, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468550283.9526.mp4", + "variation_id": 0, + "video_id": "25432" + }, + { + "bbox": [ + 41, + 19, + 617, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/grandmother.mp4", + "variation_id": 0, + "video_id": "25433" + }, + { + "bbox": [ + 82, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6640.mp4", + "variation_id": 0, + "video_id": "25434" + } + ] + }, + { + "gloss": "grapes", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1735, + "frame_start": 1683, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25481" + }, + { + "bbox": [ + 81, + 26, + 298, + 240 + ], + "fps": 25, + "frame_end": 2242, + "frame_start": 2129, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70312" + }, + { + "bbox": [ + 131, + 18, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRAPES-856.mp4", + "variation_id": 0, + "video_id": "65849" + }, + { + "bbox": [ + 140, + 12, + 441, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ES4G2KOmJ_w", + "variation_id": 0, + "video_id": "67726" + }, + { + "bbox": [ + 69, + 2, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456525.mp4", + "variation_id": 0, + "video_id": "25482" + }, + { + "bbox": [ + 234, + 16, + 583, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/grapes.mp4", + "variation_id": 0, + "video_id": "25483" + }, + { + "bbox": [ + 630, + 143, + 1534, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grapes-6byvo_QDEoE.mp4", + "variation_id": 0, + "video_id": "25484" + }, + { + "bbox": [ + 85, + 9, + 618, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468550305.2030.mp4", + "variation_id": 0, + "video_id": "25485" + }, + { + "bbox": [ + 65, + 13, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6812.mp4", + "variation_id": 0, + "video_id": "25486" + }, + { + "bbox": [ + 295, + 60, + 1094, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NZ68mfHiZa8", + "variation_id": 0, + "video_id": "25487" + }, + { + "bbox": [ + 160, + 65, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/grapes.mp4", + "variation_id": 0, + "video_id": "25488" + } + ] + }, + { + "gloss": "group", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2074, + "frame_start": 2032, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25820" + }, + { + "bbox": [ + 70, + 21, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22778.mp4", + "variation_id": 1, + "video_id": "25829" + }, + { + "bbox": [ + 307, + 52, + 1036, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ejsrcVWMyHo", + "variation_id": 0, + "video_id": "25830" + }, + { + "bbox": [ + 223, + 41, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/group.mp4", + "variation_id": 0, + "video_id": "25832" + }, + { + "bbox": [ + 157, + 15, + 518, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GROUP-620.mp4", + "variation_id": 1, + "video_id": "65859" + }, + { + "bbox": [ + 162, + 11, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GROUP-643.mp4", + "variation_id": 0, + "video_id": "65860" + }, + { + "bbox": [ + 27, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51816.mp4", + "variation_id": 1, + "video_id": "25823" + }, + { + "bbox": [ + 702, + 41, + 1743, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Group%202-RKoboUsMKH0.mp4", + "variation_id": 1, + "video_id": "25824" + }, + { + "bbox": [ + 485, + 26, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Group.mp4", + "variation_id": 0, + "video_id": "25825" + }, + { + "bbox": [ + 90, + 3, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468550813.9344.mp4", + "variation_id": 1, + "video_id": "25826" + }, + { + "bbox": [ + 144, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/group.mp4", + "variation_id": 1, + "video_id": "25827" + } + ] + }, + { + "gloss": "guilty", + "instances": [ + { + "bbox": [ + 176, + 38, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GU/GUILTY-1851.mp4", + "variation_id": 0, + "video_id": "65865" + }, + { + "bbox": [ + 67, + 16, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4666.mp4", + "variation_id": 0, + "video_id": "25967" + }, + { + "bbox": [ + 374, + 53, + 907, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EV8BV-NsyC0", + "variation_id": 0, + "video_id": "25968" + }, + { + "bbox": [ + 166, + 38, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GU/GUILTY-1852.mp4", + "variation_id": 0, + "video_id": "65866" + }, + { + "bbox": [ + 46, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244616.mp4", + "variation_id": 0, + "video_id": "25960" + }, + { + "bbox": [ + 94, + 20, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/23fce67_-YY", + "variation_id": 0, + "video_id": "67733" + }, + { + "bbox": [ + 683, + 62, + 1493, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Guilty%203-dhTYJaJZDcE.mp4", + "variation_id": 0, + "video_id": "25961" + }, + { + "bbox": [ + 106, + 15, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468551093.616.mp4", + "variation_id": 0, + "video_id": "25962" + }, + { + "bbox": [ + 161, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/guilt.mp4", + "variation_id": 0, + "video_id": "25963" + }, + { + "bbox": [ + 148, + 5, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/guilty-legal.mp4", + "variation_id": 0, + "video_id": "25964" + }, + { + "bbox": [ + 60, + 11, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1657.mp4", + "variation_id": 0, + "video_id": "25966" + } + ] + }, + { + "gloss": "hamburger", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 354, + "frame_start": 298, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26294" + }, + { + "bbox": [ + 217, + 37, + 494, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/burger.mp4", + "variation_id": 0, + "video_id": "26303" + }, + { + "bbox": [ + 120, + 18, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/b_zk9ogui-0", + "variation_id": 0, + "video_id": "67740" + }, + { + "bbox": [ + 45, + 6, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/75013.mp4", + "variation_id": 0, + "video_id": "26295" + }, + { + "bbox": [ + 427, + 62, + 822, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hamburger.mp4", + "variation_id": 0, + "video_id": "26296" + }, + { + "bbox": [ + 753, + 65, + 1789, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 27, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hamburger-N6o8WBkjFK4.mp4", + "variation_id": 0, + "video_id": "26297" + }, + { + "bbox": [ + 90, + 6, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579230.5241.mp4", + "variation_id": 0, + "video_id": "26298" + }, + { + "bbox": [ + 36, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hamburger.mp4", + "variation_id": 0, + "video_id": "26299" + }, + { + "bbox": [ + 81, + 23, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22798.mp4", + "variation_id": 0, + "video_id": "26300" + }, + { + "bbox": [ + 371, + 50, + 971, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3o7xkfr71uo", + "variation_id": 0, + "video_id": "26301" + }, + { + "bbox": [ + 11, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/h/hamburger.swf", + "variation_id": 0, + "video_id": "26302" + } + ] + }, + { + "gloss": "hate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 731, + "frame_start": 685, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26697" + }, + { + "bbox": [ + 111, + 17, + 513, + 357 + ], + "fps": 25, + "frame_end": 62, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=CTDH_7URNGY", + "variation_id": 0, + "video_id": "68392" + }, + { + "bbox": [ + 374, + 12, + 1120, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Uu2yRuh0_a0", + "variation_id": 0, + "video_id": "68067" + }, + { + "bbox": [ + 57, + 11, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hate.mp4", + "variation_id": 0, + "video_id": "26704" + }, + { + "bbox": [ + 71, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6745.mp4", + "variation_id": 0, + "video_id": "26706" + }, + { + "bbox": [ + 295, + 41, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=S5Xkm-qaEQI", + "variation_id": 0, + "video_id": "26708" + }, + { + "bbox": [ + 7, + 12, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hate.swf", + "variation_id": 0, + "video_id": "26709" + }, + { + "bbox": [ + 178, + 53, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hate.mp4", + "variation_id": 0, + "video_id": "26710" + }, + { + "bbox": [ + 61, + 16, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96524.mp4", + "variation_id": 0, + "video_id": "26698" + }, + { + "bbox": [ + 84, + 16, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579850.7721.mp4", + "variation_id": 0, + "video_id": "26701" + }, + { + "bbox": [ + 38, + 6, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hate-hir.mp4", + "variation_id": 0, + "video_id": "26702" + } + ] + }, + { + "gloss": "head", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 877, + "frame_start": 825, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26831" + }, + { + "bbox": [ + 291, + 40, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/head.mp4", + "variation_id": 0, + "video_id": "69362" + }, + { + "bbox": [ + 53, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456562.mp4", + "variation_id": 0, + "video_id": "26852" + }, + { + "bbox": [ + 690, + 140, + 1491, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Head-DINkbgdlodM.mp4", + "variation_id": 0, + "video_id": "26853" + }, + { + "bbox": [ + 19, + 14, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580055.8588.mp4", + "variation_id": 0, + "video_id": "26854" + }, + { + "bbox": [ + 42, + 17, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/head.mp4", + "variation_id": 0, + "video_id": "26855" + }, + { + "bbox": [ + 45, + 7, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6258.mp4", + "variation_id": 0, + "video_id": "26856" + }, + { + "bbox": [ + 321, + 6, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MXItRFjU1SQ", + "variation_id": 0, + "video_id": "26857" + }, + { + "bbox": [ + 148, + 5, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oUS2cVwUU3E", + "variation_id": 0, + "video_id": "26858" + }, + { + "bbox": [ + 8, + 10, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/head.swf", + "variation_id": 0, + "video_id": "26859" + }, + { + "bbox": [ + 160, + 62, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/head.mp4", + "variation_id": 0, + "video_id": "26860" + } + ] + }, + { + "gloss": "her", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1466, + "frame_start": 1434, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27249" + }, + { + "bbox": [ + 82, + 7, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5872.mp4", + "variation_id": 1, + "video_id": "27281" + }, + { + "bbox": [ + 70, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7201.mp4", + "variation_id": 1, + "video_id": "27282" + }, + { + "bbox": [ + 55, + 43, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93130.mp4", + "variation_id": 0, + "video_id": "27274" + }, + { + "bbox": [ + 128, + 54, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/her.mp4", + "variation_id": 1, + "video_id": "27284" + }, + { + "bbox": [ + 128, + 54, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/her.mp4", + "variation_id": 1, + "video_id": "27285" + }, + { + "bbox": [ + 356, + 0, + 1376, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20HerHis-gWaTKudw3uU.mp4", + "variation_id": 1, + "video_id": "27275" + }, + { + "bbox": [ + 24, + 0, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/her.mp4", + "variation_id": 1, + "video_id": "27277" + }, + { + "bbox": [ + 53, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/her-pronoun.mp4", + "variation_id": 0, + "video_id": "27278" + }, + { + "bbox": [ + 72, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24020.mp4", + "variation_id": 0, + "video_id": "27279" + }, + { + "bbox": [ + 51, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24021.mp4", + "variation_id": 0, + "video_id": "27280" + } + ] + }, + { + "gloss": "horse", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2211, + "frame_start": 2155, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27983" + }, + { + "bbox": [ + 138, + 20, + 499, + 480 + ], + "fps": 25, + "frame_end": 632, + "frame_start": 548, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70106" + }, + { + "bbox": [ + 10, + 4, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/horse.swf", + "variation_id": 0, + "video_id": "28002" + }, + { + "bbox": [ + 158, + 50, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/horse.mp4", + "variation_id": 0, + "video_id": "28003" + }, + { + "bbox": [ + 42, + 9, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/485642.mp4", + "variation_id": 0, + "video_id": "27994" + }, + { + "bbox": [ + 98, + 15, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Id2fU8m7x4I", + "variation_id": 0, + "video_id": "67772" + }, + { + "bbox": [ + 182, + 15, + 518, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/horse.mp4", + "variation_id": 0, + "video_id": "27995" + }, + { + "bbox": [ + 13, + 6, + 314, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/horse.mp4", + "variation_id": 0, + "video_id": "27998" + }, + { + "bbox": [ + 30, + 0, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14271.mp4", + "variation_id": 0, + "video_id": "27999" + }, + { + "bbox": [ + 286, + 43, + 908, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=KKJ53EKRlWU", + "variation_id": 0, + "video_id": "28000" + }, + { + "bbox": [ + 295, + 26, + 935, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=xCJGQseQ3Fw", + "variation_id": 0, + "video_id": "28001" + } + ] + }, + { + "gloss": "ignore", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 290, + "frame_start": 234, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28772" + }, + { + "bbox": [ + 0, + 10, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/ignore.swf", + "variation_id": 0, + "video_id": "28782" + }, + { + "bbox": [ + 179, + 61, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ignore.mp4", + "variation_id": 0, + "video_id": "28783" + }, + { + "bbox": [ + 199, + 33, + 518, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IG/IGNORE-1748.mp4", + "variation_id": 0, + "video_id": "65923" + }, + { + "bbox": [ + 90, + 17, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ZkaoohSbOIo", + "variation_id": 0, + "video_id": "67784" + }, + { + "bbox": [ + 691, + 72, + 1547, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ignore-vL-1ej-cxfA.mp4", + "variation_id": 0, + "video_id": "28775" + }, + { + "bbox": [ + 82, + 16, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665286.1708.mp4", + "variation_id": 0, + "video_id": "28776" + }, + { + "bbox": [ + 79, + 9, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/ignore-me.mp4", + "variation_id": 0, + "video_id": "28777" + }, + { + "bbox": [ + 35, + 8, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/ignore.mp4", + "variation_id": 0, + "video_id": "28778" + }, + { + "bbox": [ + 0, + 11, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/ignore-them.mp4", + "variation_id": 0, + "video_id": "28779" + }, + { + "bbox": [ + 57, + 22, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22267.mp4", + "variation_id": 0, + "video_id": "28780" + } + ] + }, + { + "gloss": "impossible", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 510, + "frame_start": 468, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29087" + }, + { + "bbox": [ + 10, + 7, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/impossible.swf", + "variation_id": 0, + "video_id": "29095" + }, + { + "bbox": [ + 195, + 57, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/impossible.mp4", + "variation_id": 0, + "video_id": "29096" + }, + { + "bbox": [ + 199, + 35, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 99, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IM/IMPOSSIBLE-1745.mp4", + "variation_id": 0, + "video_id": "65927" + }, + { + "bbox": [ + 99, + 13, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/6yMLuEb3Vao", + "variation_id": 0, + "video_id": "67788" + }, + { + "bbox": [ + 32, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51855.mp4", + "variation_id": 0, + "video_id": "29088" + }, + { + "bbox": [ + 540, + 61, + 1622, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Impossible-J7sXFiPkY0o.mp4", + "variation_id": 0, + "video_id": "29089" + }, + { + "bbox": [ + 96, + 20, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665537.6791.mp4", + "variation_id": 0, + "video_id": "29090" + }, + { + "bbox": [ + 94, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/impossible.mp4", + "variation_id": 0, + "video_id": "29091" + }, + { + "bbox": [ + 63, + 13, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1766.mp4", + "variation_id": 0, + "video_id": "29092" + }, + { + "bbox": [ + 317, + 45, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qau2mlInMlA", + "variation_id": 0, + "video_id": "29094" + } + ] + }, + { + "gloss": "in", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 583, + "frame_start": 561, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29171" + }, + { + "bbox": [ + 307, + 37, + 907, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/in.mp4", + "variation_id": 0, + "video_id": "69377" + }, + { + "bbox": [ + 38, + 8, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58533.mp4", + "variation_id": 0, + "video_id": "29718" + }, + { + "bbox": [ + 210, + 16, + 527, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/in.mp4", + "variation_id": 0, + "video_id": "29719" + }, + { + "bbox": [ + 633, + 102, + 1382, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20In-8dPV9EqD6pU.mp4", + "variation_id": 0, + "video_id": "29720" + }, + { + "bbox": [ + 79, + 13, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468665742.4960.mp4", + "variation_id": 0, + "video_id": "29721" + }, + { + "bbox": [ + 64, + 14, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/in.mp4", + "variation_id": 0, + "video_id": "29722" + }, + { + "bbox": [ + 79, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7181.mp4", + "variation_id": 0, + "video_id": "29723" + }, + { + "bbox": [ + 227, + 18, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YirRi12-zWo", + "variation_id": 0, + "video_id": "29724" + }, + { + "bbox": [ + 0, + 11, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/in.swf", + "variation_id": 0, + "video_id": "29725" + }, + { + "bbox": [ + 175, + 54, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/in.mp4", + "variation_id": 0, + "video_id": "29726" + } + ] + }, + { + "gloss": "independent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 749, + "frame_start": 697, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29380" + }, + { + "bbox": [ + 166, + 57, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/independent.mp4", + "variation_id": 0, + "video_id": "29391" + }, + { + "bbox": [ + 196, + 34, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INDEPENDENT-1739.mp4", + "variation_id": 0, + "video_id": "65932" + }, + { + "bbox": [ + 33, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51856.mp4", + "variation_id": 0, + "video_id": "29383" + }, + { + "bbox": [ + 319, + 55, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/independent.mp4", + "variation_id": 0, + "video_id": "29384" + }, + { + "bbox": [ + 383, + 38, + 1815, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Independent-q6ZQfkRgGyI.mp4", + "variation_id": 0, + "video_id": "29385" + }, + { + "bbox": [ + 91, + 13, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468666389.9172.mp4", + "variation_id": 0, + "video_id": "29386" + }, + { + "bbox": [ + 89, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/independent.mp4", + "variation_id": 0, + "video_id": "29387" + }, + { + "bbox": [ + 72, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8775.mp4", + "variation_id": 0, + "video_id": "29388" + }, + { + "bbox": [ + 245, + 44, + 1082, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=L5nKRt8BfYk", + "variation_id": 0, + "video_id": "29389" + }, + { + "bbox": [ + 0, + 14, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/i/independent.swf", + "variation_id": 0, + "video_id": "29390" + } + ] + }, + { + "gloss": "inside", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1189, + "frame_start": 1147, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29865" + }, + { + "bbox": [ + 115, + 18, + 531, + 480 + ], + "fps": 25, + "frame_end": 3851, + "frame_start": 3760, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70162" + }, + { + "bbox": [ + 177, + 18, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INSIDE-490.mp4", + "variation_id": 0, + "video_id": "65942" + }, + { + "bbox": [ + 63, + 0, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457873.mp4", + "variation_id": 0, + "video_id": "29866" + }, + { + "bbox": [ + 739, + 142, + 1522, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Inside-scYL_BxFGkQ.mp4", + "variation_id": 0, + "video_id": "29867" + }, + { + "bbox": [ + 56, + 11, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468667188.2863.mp4", + "variation_id": 0, + "video_id": "29868" + }, + { + "bbox": [ + 63, + 12, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/inside.mp4", + "variation_id": 0, + "video_id": "29869" + }, + { + "bbox": [ + 73, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6158.mp4", + "variation_id": 0, + "video_id": "29870" + }, + { + "bbox": [ + 136, + 33, + 420, + 343 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nXrGgnaQ-LY", + "variation_id": 0, + "video_id": "29871" + }, + { + "bbox": [ + 0, + 11, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/inside.swf", + "variation_id": 0, + "video_id": "29872" + }, + { + "bbox": [ + 171, + 61, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/inside.mp4", + "variation_id": 0, + "video_id": "29873" + } + ] + }, + { + "gloss": "insurance", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1332, + "frame_start": 1286, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30051" + }, + { + "bbox": [ + 177, + 54, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/insurance.mp4", + "variation_id": 0, + "video_id": "30060" + }, + { + "bbox": [ + 83, + 22, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/T57Z_rwQ8B0", + "variation_id": 0, + "video_id": "67792" + }, + { + "bbox": [ + 50, + 3, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/73035.mp4", + "variation_id": 0, + "video_id": "30052" + }, + { + "bbox": [ + 466, + 57, + 1521, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Insurance%2C%20Infection%202-LI0x4ob24uU.mp4", + "variation_id": 0, + "video_id": "30053" + }, + { + "bbox": [ + 523, + 69, + 1537, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Insurance%2C%20Infection-MTAgnBXKKM0.mp4", + "variation_id": 0, + "video_id": "30054" + }, + { + "bbox": [ + 77, + 15, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468667491.3461.mp4", + "variation_id": 0, + "video_id": "30055" + }, + { + "bbox": [ + 30, + 2, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/insurance.mp4", + "variation_id": 0, + "video_id": "30056" + }, + { + "bbox": [ + 78, + 15, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24145.mp4", + "variation_id": 0, + "video_id": "30057" + }, + { + "bbox": [ + 336, + 31, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bfllo1gBmiQ", + "variation_id": 0, + "video_id": "30058" + }, + { + "bbox": [ + 24, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/i/insurance.swf", + "variation_id": 0, + "video_id": "30059" + } + ] + }, + { + "gloss": "island", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1931, + "frame_start": 1862, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30674" + }, + { + "bbox": [ + 244, + 49, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/island.mp4", + "variation_id": 0, + "video_id": "30682" + }, + { + "bbox": [ + 186, + 18, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IS/ISLAND-607.mp4", + "variation_id": 0, + "video_id": "65966" + }, + { + "bbox": [ + 123, + 17, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/WC-e_vADtbA", + "variation_id": 0, + "video_id": "67799" + }, + { + "bbox": [ + 34, + 9, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58539.mp4", + "variation_id": 0, + "video_id": "30675" + }, + { + "bbox": [ + 601, + 118, + 1483, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Interest%2C%20Island-ZXpDWOO0EPg.mp4", + "variation_id": 0, + "video_id": "30676" + }, + { + "bbox": [ + 53, + 8, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668617.2256.mp4", + "variation_id": 0, + "video_id": "30677" + }, + { + "bbox": [ + 24, + 2, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 85, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/island.mp4", + "variation_id": 0, + "video_id": "30678" + }, + { + "bbox": [ + 69, + 11, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9969.mp4", + "variation_id": 0, + "video_id": "30679" + }, + { + "bbox": [ + 314, + 59, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zzJli42yUxc", + "variation_id": 0, + "video_id": "30680" + }, + { + "bbox": [ + 0, + 13, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/i/island.swf", + "variation_id": 0, + "video_id": "30681" + } + ] + }, + { + "gloss": "lecture", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 955, + "frame_start": 899, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32692" + }, + { + "bbox": [ + 165, + 48, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lecture.mp4", + "variation_id": 0, + "video_id": "32701" + }, + { + "bbox": [ + 103, + 19, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FkDtGVsWIAU", + "variation_id": 0, + "video_id": "67837" + }, + { + "bbox": [ + 37, + 10, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/154738.mp4", + "variation_id": 0, + "video_id": "32693" + }, + { + "bbox": [ + 325, + 11, + 1690, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech%202-6aqjl8M7oeI.mp4", + "variation_id": 0, + "video_id": "32694" + }, + { + "bbox": [ + 602, + 50, + 1659, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech%203-wxk9-1vsb_A.mp4", + "variation_id": 0, + "video_id": "32695" + }, + { + "bbox": [ + 407, + 0, + 1670, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech-XHzconXXUCQ.mp4", + "variation_id": 0, + "video_id": "32696" + }, + { + "bbox": [ + 133, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755476.7978.mp4", + "variation_id": 0, + "video_id": "32697" + }, + { + "bbox": [ + 75, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lecture.mp4", + "variation_id": 0, + "video_id": "32698" + }, + { + "bbox": [ + 52, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22166.mp4", + "variation_id": 0, + "video_id": "32699" + }, + { + "bbox": [ + 0, + 7, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/l/lecture.swf", + "variation_id": 0, + "video_id": "32700" + } + ] + }, + { + "gloss": "lesson", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1221, + "frame_start": 1189, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32885" + }, + { + "bbox": [ + 24, + 17, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lesson.swf", + "variation_id": 0, + "video_id": "32893" + }, + { + "bbox": [ + 188, + 57, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lesson.mp4", + "variation_id": 0, + "video_id": "32894" + }, + { + "bbox": [ + 187, + 29, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LESSON-1675.mp4", + "variation_id": 0, + "video_id": "66037" + }, + { + "bbox": [ + 95, + 17, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Ksu-AYI0uWs", + "variation_id": 0, + "video_id": "67839" + }, + { + "bbox": [ + 49, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/48578.mp4", + "variation_id": 0, + "video_id": "32887" + }, + { + "bbox": [ + 651, + 62, + 1416, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lesson%2C%20List%2C%20Recipe-8d-XUOnzYFE.mp4", + "variation_id": 0, + "video_id": "32888" + }, + { + "bbox": [ + 151, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711150.1198.mp4", + "variation_id": 0, + "video_id": "32889" + }, + { + "bbox": [ + 149, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lesson.mp4", + "variation_id": 0, + "video_id": "32890" + }, + { + "bbox": [ + 73, + 11, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9411.mp4", + "variation_id": 0, + "video_id": "32891" + }, + { + "bbox": [ + 327, + 39, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=TdCu_nhXVno", + "variation_id": 0, + "video_id": "32892" + } + ] + }, + { + "gloss": "limit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1623, + "frame_start": 1591, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33303" + }, + { + "bbox": [ + 175, + 56, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/limit.mp4", + "variation_id": 0, + "video_id": "33319" + }, + { + "bbox": [ + 140, + 32, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LIMIT-1647.mp4", + "variation_id": 0, + "video_id": "66072" + }, + { + "bbox": [ + 60, + 2, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457555.mp4", + "variation_id": 0, + "video_id": "33311" + }, + { + "bbox": [ + 347, + 55, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/limit.mp4", + "variation_id": 0, + "video_id": "33312" + }, + { + "bbox": [ + 539, + 43, + 1679, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Limit-31AFbNyGnVc.mp4", + "variation_id": 0, + "video_id": "33313" + }, + { + "bbox": [ + 128, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711832.8038.mp4", + "variation_id": 0, + "video_id": "33314" + }, + { + "bbox": [ + 94, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/limit.mp4", + "variation_id": 0, + "video_id": "33315" + }, + { + "bbox": [ + 65, + 12, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9741.mp4", + "variation_id": 0, + "video_id": "33316" + }, + { + "bbox": [ + 322, + 34, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=La57XWQOdSs", + "variation_id": 0, + "video_id": "33317" + }, + { + "bbox": [ + 5, + 6, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/l/limit.swf", + "variation_id": 0, + "video_id": "33318" + } + ] + }, + { + "gloss": "lion", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1757, + "frame_start": 1701, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33390" + }, + { + "bbox": [ + 86, + 14, + 501, + 480 + ], + "fps": 25, + "frame_end": 1353, + "frame_start": 1262, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70109" + }, + { + "bbox": [ + 78, + 1, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/uyl3Y3YVSb0", + "variation_id": 0, + "video_id": "67849" + }, + { + "bbox": [ + 177, + 4, + 519, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lion.mp4", + "variation_id": 0, + "video_id": "33391" + }, + { + "bbox": [ + 327, + 6, + 1095, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Lion.mp4", + "variation_id": 0, + "video_id": "33392" + }, + { + "bbox": [ + 47, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468711990.3338.mp4", + "variation_id": 0, + "video_id": "33393" + }, + { + "bbox": [ + 2, + 6, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lion.mp4", + "variation_id": 0, + "video_id": "33394" + }, + { + "bbox": [ + 46, + 0, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14635.mp4", + "variation_id": 0, + "video_id": "33395" + }, + { + "bbox": [ + 274, + 76, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=EoG6ZZyr6NE", + "variation_id": 0, + "video_id": "33396" + }, + { + "bbox": [ + 0, + 2, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lion.swf", + "variation_id": 0, + "video_id": "33397" + }, + { + "bbox": [ + 193, + 42, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/lion.mp4", + "variation_id": 0, + "video_id": "33398" + } + ] + }, + { + "gloss": "listen", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2001, + "frame_start": 1952, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33451" + }, + { + "bbox": [ + 319, + 33, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=7I76cfbglQE", + "variation_id": 0, + "video_id": "33462" + }, + { + "bbox": [ + 239, + 34, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=WvPr7_NFKgU", + "variation_id": 1, + "video_id": "33463" + }, + { + "bbox": [ + 65, + 3, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457562.mp4", + "variation_id": 1, + "video_id": "33454" + }, + { + "bbox": [ + 241, + 47, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/listen.mp4", + "variation_id": 0, + "video_id": "33465" + }, + { + "bbox": [ + 241, + 47, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/listen.mp4", + "variation_id": 0, + "video_id": "33466" + }, + { + "bbox": [ + 435, + 59, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/listen.mp4", + "variation_id": 0, + "video_id": "33455" + }, + { + "bbox": [ + 695, + 80, + 1535, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Listen-xeteF5zw5SI.mp4", + "variation_id": 1, + "video_id": "33456" + }, + { + "bbox": [ + 126, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712082.9897.mp4", + "variation_id": 1, + "video_id": "33457" + }, + { + "bbox": [ + 85, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/listen.mp4", + "variation_id": 1, + "video_id": "33459" + }, + { + "bbox": [ + 25, + 23, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22506.mp4", + "variation_id": 1, + "video_id": "33460" + } + ] + }, + { + "gloss": "march", + "instances": [ + { + "bbox": [ + 574, + 44, + 1783, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20March%2C%20Parade-FHYlZStvj5w.mp4", + "variation_id": 0, + "video_id": "34861" + }, + { + "bbox": [ + 81, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7086.mp4", + "variation_id": 1, + "video_id": "34868" + }, + { + "bbox": [ + 298, + 24, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KjP1oBzM6wo", + "variation_id": 1, + "video_id": "34869" + }, + { + "bbox": [ + 4, + 16, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/march_verb.swf", + "variation_id": 0, + "video_id": "34871" + }, + { + "bbox": [ + 208, + 36, + 467, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/march.mp4", + "variation_id": 1, + "video_id": "34872" + }, + { + "bbox": [ + 233, + 38, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/parade.mp4", + "variation_id": 0, + "video_id": "34873" + }, + { + "bbox": [ + 224, + 3, + 1242, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20March-3oD-lEYxRuU.mp4", + "variation_id": 1, + "video_id": "34862" + }, + { + "bbox": [ + 81, + 0, + 496, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713748.8980.mp4", + "variation_id": 1, + "video_id": "34864" + }, + { + "bbox": [ + 35, + 11, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 86, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/march.mp4", + "variation_id": 1, + "video_id": "34865" + }, + { + "bbox": [ + 47, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/march-parade.mp4", + "variation_id": 0, + "video_id": "34866" + }, + { + "bbox": [ + 74, + 8, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6047.mp4", + "variation_id": 0, + "video_id": "34867" + } + ] + }, + { + "gloss": "math", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 627, + "frame_start": 568, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35147" + }, + { + "bbox": [ + 270, + 0, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QFcBzZ1pPLg", + "variation_id": 0, + "video_id": "35161" + }, + { + "bbox": [ + 24, + 3, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/math.swf", + "variation_id": 0, + "video_id": "35162" + }, + { + "bbox": [ + 177, + 52, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/math.mp4", + "variation_id": 0, + "video_id": "35163" + }, + { + "bbox": [ + 178, + 27, + 447, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MATH-2163.mp4", + "variation_id": 0, + "video_id": "66107" + }, + { + "bbox": [ + 123, + 20, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/jEgulNf5IgI", + "variation_id": 0, + "video_id": "67876" + }, + { + "bbox": [ + 68, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456948.mp4", + "variation_id": 0, + "video_id": "35155" + }, + { + "bbox": [ + 426, + 60, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/math.mp4", + "variation_id": 0, + "video_id": "35156" + }, + { + "bbox": [ + 681, + 70, + 1613, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Math-oYEpVU44gMw.mp4", + "variation_id": 0, + "video_id": "35158" + }, + { + "bbox": [ + 122, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714177.7189.mp4", + "variation_id": 0, + "video_id": "35159" + }, + { + "bbox": [ + 75, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6478.mp4", + "variation_id": 0, + "video_id": "35160" + } + ] + }, + { + "gloss": "maybe", + "instances": [ + { + "bbox": [ + 500, + 74, + 1468, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/maybe.mp4", + "variation_id": 0, + "video_id": "69397" + }, + { + "bbox": [ + 47, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48584.mp4", + "variation_id": 0, + "video_id": "35218" + }, + { + "bbox": [ + 347, + 28, + 926, + 720 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=hmBm4QV7J_8", + "variation_id": 0, + "video_id": "68524" + }, + { + "bbox": [ + 174, + 26, + 504, + 480 + ], + "fps": 25, + "frame_end": 4112, + "frame_start": 3982, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70099" + }, + { + "bbox": [ + 98, + 12, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/O5nS_sJf-6A", + "variation_id": 0, + "video_id": "67877" + }, + { + "bbox": [ + 541, + 72, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Maybe-Ojjh7IxInhY.mp4", + "variation_id": 0, + "video_id": "35219" + }, + { + "bbox": [ + 130, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714267.1026.mp4", + "variation_id": 0, + "video_id": "35220" + }, + { + "bbox": [ + 85, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/maybe.mp4", + "variation_id": 0, + "video_id": "35221" + }, + { + "bbox": [ + 81, + 23, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22384.mp4", + "variation_id": 0, + "video_id": "35222" + }, + { + "bbox": [ + 19, + 9, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/maybe.swf", + "variation_id": 0, + "video_id": "35225" + }, + { + "bbox": [ + 192, + 54, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/perhaps.mp4", + "variation_id": 0, + "video_id": "35226" + } + ] + }, + { + "gloss": "mechanic", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 864, + "frame_start": 802, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35371" + }, + { + "bbox": [ + 77, + 13, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8356.mp4", + "variation_id": 1, + "video_id": "35383" + }, + { + "bbox": [ + 12, + 5, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mechanic.swf", + "variation_id": 0, + "video_id": "35384" + }, + { + "bbox": [ + 160, + 12, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MECHANIC_2-1464.mp4", + "variation_id": 0, + "video_id": "66110" + }, + { + "bbox": [ + 52, + 36, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92852.mp4", + "variation_id": 0, + "video_id": "35377" + }, + { + "bbox": [ + 68, + 19, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/c7Iuur7yU1U", + "variation_id": 0, + "video_id": "67885" + }, + { + "bbox": [ + 101, + 16, + 405, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/M8Ao3BEaFfQ", + "variation_id": 1, + "video_id": "67884" + }, + { + "bbox": [ + 212, + 17, + 531, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/mechanic2.mp4", + "variation_id": 1, + "video_id": "35378" + }, + { + "bbox": [ + 480, + 49, + 1083, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mechanic-v0cWflop2KA.mp4", + "variation_id": 0, + "video_id": "35380" + }, + { + "bbox": [ + 109, + 16, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1512917855.4983.mp4", + "variation_id": 1, + "video_id": "35381" + }, + { + "bbox": [ + 38, + 4, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mechanic.mp4", + "variation_id": 1, + "video_id": "35382" + } + ] + }, + { + "gloss": "mom", + "instances": [ + { + "bbox": [ + 364, + 38, + 874, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/mom.mp4", + "variation_id": 0, + "video_id": "69399" + }, + { + "bbox": [ + 81, + 35, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92898.mp4", + "variation_id": 0, + "video_id": "36603" + }, + { + "bbox": [ + 358, + 17, + 909, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=lur5HOecpOU", + "variation_id": 0, + "video_id": "68672" + }, + { + "bbox": [ + 205, + 17, + 588, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Mother.mp4", + "variation_id": 0, + "video_id": "36604" + }, + { + "bbox": [ + 150, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716154.3704.mp4", + "variation_id": 0, + "video_id": "36605" + }, + { + "bbox": [ + 69, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6508.mp4", + "variation_id": 0, + "video_id": "36606" + }, + { + "bbox": [ + 72, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6509.mp4", + "variation_id": 0, + "video_id": "36607" + }, + { + "bbox": [ + 317, + 49, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DHl2-NT3mIM", + "variation_id": 0, + "video_id": "36608" + }, + { + "bbox": [ + 145, + 31, + 417, + 337 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_E6oxVoiskA", + "variation_id": 0, + "video_id": "36609" + }, + { + "bbox": [ + 4, + 8, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mom.swf", + "variation_id": 0, + "video_id": "36610" + }, + { + "bbox": [ + 218, + 38, + 468, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/mama.mp4", + "variation_id": 0, + "video_id": "36611" + } + ] + }, + { + "gloss": "mouse", + "instances": [ + { + "bbox": [ + 44, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/48605.mp4", + "variation_id": 0, + "video_id": "37040" + }, + { + "bbox": [ + 52, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mouse.mp4", + "variation_id": 0, + "video_id": "37045" + }, + { + "bbox": [ + 90, + 19, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22140.mp4", + "variation_id": 0, + "video_id": "37046" + }, + { + "bbox": [ + 145, + 40, + 400, + 340 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 64, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=2W0eSC_4d78", + "variation_id": 0, + "video_id": "37048" + }, + { + "bbox": [ + 312, + 56, + 890, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=7B2Vg4sl7B8", + "variation_id": 0, + "video_id": "37049" + }, + { + "bbox": [ + 99, + 3, + 411, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/n27CJPXZMjs", + "variation_id": 0, + "video_id": "67911" + }, + { + "bbox": [ + 18, + 6, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mouse.swf", + "variation_id": 0, + "video_id": "37051" + }, + { + "bbox": [ + 193, + 53, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mouse.mp4", + "variation_id": 0, + "video_id": "37053" + }, + { + "bbox": [ + 155, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716950.2936.mp4", + "variation_id": 0, + "video_id": "37042" + }, + { + "bbox": [ + 123, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717015.3960.mp4", + "variation_id": 0, + "video_id": "37043" + }, + { + "bbox": [ + 21, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/mouse-computer.mp4", + "variation_id": 0, + "video_id": "37044" + } + ] + }, + { + "gloss": "much", + "instances": [ + { + "bbox": [ + 13, + 19, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/much.swf", + "variation_id": 0, + "video_id": "37201" + }, + { + "bbox": [ + 160, + 43, + 628, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alot.mp4", + "variation_id": 0, + "video_id": "37202" + }, + { + "bbox": [ + 147, + 14, + 539, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MU/MUCH-13.mp4", + "variation_id": 0, + "video_id": "66154" + }, + { + "bbox": [ + 94, + 9, + 402, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/yZvPRzEJOz8", + "variation_id": 0, + "video_id": "67916" + }, + { + "bbox": [ + 71, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457049.mp4", + "variation_id": 0, + "video_id": "37194" + }, + { + "bbox": [ + 499, + 55, + 1715, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Much-Rmn4cgHd54c.mp4", + "variation_id": 0, + "video_id": "37195" + }, + { + "bbox": [ + 104, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717266.2870.mp4", + "variation_id": 0, + "video_id": "37196" + }, + { + "bbox": [ + 48, + 12, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/much.mp4", + "variation_id": 0, + "video_id": "37197" + }, + { + "bbox": [ + 73, + 9, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6153.mp4", + "variation_id": 0, + "video_id": "37198" + }, + { + "bbox": [ + 263, + 0, + 1071, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KgU9qm6vXJ0", + "variation_id": 0, + "video_id": "37199" + }, + { + "bbox": [ + 120, + 0, + 532, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ncGliuvNTT8", + "variation_id": 0, + "video_id": "37200" + } + ] + }, + { + "gloss": "muscle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2586, + "frame_start": 2540, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37313" + }, + { + "bbox": [ + 336, + 26, + 978, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QpFfGUsNko0", + "variation_id": 0, + "video_id": "37321" + }, + { + "bbox": [ + 312, + 26, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tV9GSDE0Hs8", + "variation_id": 0, + "video_id": "37322" + }, + { + "bbox": [ + 179, + 52, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/muscle.mp4", + "variation_id": 0, + "video_id": "37324" + }, + { + "bbox": [ + 72, + 19, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89858.mp4", + "variation_id": 0, + "video_id": "37314" + }, + { + "bbox": [ + 696, + 128, + 1480, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Muscle-TyGAJQd_uuk.mp4", + "variation_id": 0, + "video_id": "37315" + }, + { + "bbox": [ + 188, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755112.4248.mp4", + "variation_id": 0, + "video_id": "37316" + }, + { + "bbox": [ + 115, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/muscle.mp4", + "variation_id": 0, + "video_id": "37317" + }, + { + "bbox": [ + 63, + 14, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2122.mp4", + "variation_id": 0, + "video_id": "37318" + }, + { + "bbox": [ + 312, + 26, + 1024, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eMyQzPcXzmc", + "variation_id": 0, + "video_id": "37319" + }, + { + "bbox": [ + 320, + 56, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=lhAvcL-l8dU", + "variation_id": 0, + "video_id": "37320" + } + ] + }, + { + "gloss": "museum", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2633, + "frame_start": 2587, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37332" + }, + { + "bbox": [ + 260, + 28, + 1036, + 720 + ], + "fps": 25, + "frame_end": 135, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=70wOOlfym3M", + "variation_id": 0, + "video_id": "68286" + }, + { + "bbox": [ + 173, + 53, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/museum.mp4", + "variation_id": 0, + "video_id": "37341" + }, + { + "bbox": [ + 174, + 29, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MU/MUSEUM-1585.mp4", + "variation_id": 0, + "video_id": "66155" + }, + { + "bbox": [ + 70, + 21, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/o4ToXoTzh1A", + "variation_id": 0, + "video_id": "67918" + }, + { + "bbox": [ + 35, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/48608.mp4", + "variation_id": 0, + "video_id": "37333" + }, + { + "bbox": [ + 596, + 81, + 1660, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Museum-3MgSfmYT2b0.mp4", + "variation_id": 0, + "video_id": "37334" + }, + { + "bbox": [ + 132, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717448.832.mp4", + "variation_id": 0, + "video_id": "37335" + }, + { + "bbox": [ + 56, + 15, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/museum.mp4", + "variation_id": 0, + "video_id": "37336" + }, + { + "bbox": [ + 230, + 29, + 1037, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=D8t7xfY0wXg", + "variation_id": 0, + "video_id": "37338" + }, + { + "bbox": [ + 231, + 28, + 1038, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=E3NMohCPnpE", + "variation_id": 0, + "video_id": "37339" + } + ] + }, + { + "gloss": "must", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2760, + "frame_start": 2728, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37395" + }, + { + "bbox": [ + 119, + 36, + 390, + 360 + ], + "fps": 25, + "frame_end": 3713, + "frame_start": 3624, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70291" + }, + { + "bbox": [ + 692, + 75, + 1584, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Must%208-P2nsp6o1_PM.mp4", + "variation_id": 0, + "video_id": "37425" + }, + { + "bbox": [ + 136, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468717512.3282.mp4", + "variation_id": 0, + "video_id": "37427" + }, + { + "bbox": [ + 40, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48611.mp4", + "variation_id": 0, + "video_id": "37418" + }, + { + "bbox": [ + 68, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/must.mp4", + "variation_id": 0, + "video_id": "37429" + }, + { + "bbox": [ + 73, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6002.mp4", + "variation_id": 0, + "video_id": "37430" + }, + { + "bbox": [ + 28, + 11, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/must.swf", + "variation_id": 0, + "video_id": "37431" + }, + { + "bbox": [ + 245, + 39, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shall.mp4", + "variation_id": 0, + "video_id": "37432" + }, + { + "bbox": [ + 421, + 52, + 802, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/must.mp4", + "variation_id": 0, + "video_id": "37419" + }, + { + "bbox": [ + 898, + 56, + 1748, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Must%203-VlBMTWkQz6E.mp4", + "variation_id": 0, + "video_id": "37421" + } + ] + }, + { + "gloss": "mustache", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2830, + "frame_start": 2761, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37396" + }, + { + "bbox": [ + 357, + 11, + 907, + 720 + ], + "fps": 25, + "frame_end": 41, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=OwL9mcAFbvA", + "variation_id": 0, + "video_id": "68778" + }, + { + "bbox": [ + 130, + 15, + 495, + 480 + ], + "fps": 25, + "frame_end": 2013, + "frame_start": 1885, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70368" + }, + { + "bbox": [ + 347, + 42, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=l3CcHK8XXXM", + "variation_id": 0, + "video_id": "37404" + }, + { + "bbox": [ + 4, + 9, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mustache.swf", + "variation_id": 0, + "video_id": "37405" + }, + { + "bbox": [ + 100, + 10, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/VwzZqE2J2rU", + "variation_id": 0, + "video_id": "67919" + }, + { + "bbox": [ + 429, + 76, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/mustache.mp4", + "variation_id": 0, + "video_id": "37397" + }, + { + "bbox": [ + 703, + 75, + 1629, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mustache-iIO5SmzFiEk.mp4", + "variation_id": 0, + "video_id": "37398" + }, + { + "bbox": [ + 106, + 19, + 601, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1488993779.3887.mp4", + "variation_id": 0, + "video_id": "37399" + }, + { + "bbox": [ + 151, + 19, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546574589.25.mp4", + "variation_id": 0, + "video_id": "37400" + }, + { + "bbox": [ + 66, + 16, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9088.mp4", + "variation_id": 0, + "video_id": "37403" + } + ] + }, + { + "gloss": "negative", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 583, + "frame_start": 547, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37909" + }, + { + "bbox": [ + 601, + 69, + 1380, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/negative.mp4", + "variation_id": 0, + "video_id": "69406" + }, + { + "bbox": [ + 182, + 31, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NE/NEGATIVE-1577.mp4", + "variation_id": 0, + "video_id": "66164" + }, + { + "bbox": [ + 81, + 36, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92943.mp4", + "variation_id": 0, + "video_id": "37910" + }, + { + "bbox": [ + 129, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718281.883.mp4", + "variation_id": 0, + "video_id": "37911" + }, + { + "bbox": [ + 40, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/n/negative-pessimistic.mp4", + "variation_id": 0, + "video_id": "37912" + }, + { + "bbox": [ + 125, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/negative-sign.mp4", + "variation_id": 0, + "video_id": "37913" + }, + { + "bbox": [ + 70, + 9, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6044.mp4", + "variation_id": 0, + "video_id": "37914" + }, + { + "bbox": [ + 64, + 16, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6469.mp4", + "variation_id": 0, + "video_id": "37915" + }, + { + "bbox": [ + 0, + 4, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/negative.swf", + "variation_id": 0, + "video_id": "37916" + }, + { + "bbox": [ + 198, + 54, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/subtract.mp4", + "variation_id": 0, + "video_id": "37917" + } + ] + }, + { + "gloss": "nervous", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 793, + "frame_start": 741, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38008" + }, + { + "bbox": [ + 68, + 13, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24120.mp4", + "variation_id": 0, + "video_id": "38019" + }, + { + "bbox": [ + 0, + 22, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nervous.swf", + "variation_id": 1, + "video_id": "38020" + }, + { + "bbox": [ + 23, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48812.mp4", + "variation_id": 0, + "video_id": "38011" + }, + { + "bbox": [ + 176, + 35, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/anxiety.mp4", + "variation_id": 1, + "video_id": "38021" + }, + { + "bbox": [ + 404, + 57, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/nervous.mp4", + "variation_id": 0, + "video_id": "38012" + }, + { + "bbox": [ + 521, + 60, + 1879, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Anxious%2C%20Nervous-gwvt9oaUJYs.mp4", + "variation_id": 1, + "video_id": "38013" + }, + { + "bbox": [ + 554, + 123, + 1882, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nervous-G7uBN68HfGo.mp4", + "variation_id": 0, + "video_id": "38014" + }, + { + "bbox": [ + 64, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718399.7104.mp4", + "variation_id": 1, + "video_id": "38015" + }, + { + "bbox": [ + 51, + 16, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/nervous-hands.mp4", + "variation_id": 0, + "video_id": "38016" + }, + { + "bbox": [ + 45, + 14, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nervous-leg.mp4", + "variation_id": 1, + "video_id": "38017" + } + ] + }, + { + "gloss": "neutral", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 897, + "frame_start": 851, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38061" + }, + { + "bbox": [ + 11, + 11, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/neutral.swf", + "variation_id": 0, + "video_id": "38070" + }, + { + "bbox": [ + 146, + 19, + 425, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4hcWWpER26A", + "variation_id": 0, + "video_id": "67928" + }, + { + "bbox": [ + 200, + 53, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/neutral.mp4", + "variation_id": 1, + "video_id": "38071" + }, + { + "bbox": [ + 49, + 15, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/63623.mp4", + "variation_id": 1, + "video_id": "38062" + }, + { + "bbox": [ + 442, + 57, + 1568, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Neutral%202-wImvyl5Z4k0.mp4", + "variation_id": 0, + "video_id": "38063" + }, + { + "bbox": [ + 558, + 60, + 1598, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Neutral-4QK-Dccc4IQ.mp4", + "variation_id": 1, + "video_id": "38064" + }, + { + "bbox": [ + 151, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718620.3980.mp4", + "variation_id": 0, + "video_id": "38065" + }, + { + "bbox": [ + 21, + 12, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/neutral.mp4", + "variation_id": 1, + "video_id": "38066" + }, + { + "bbox": [ + 71, + 20, + 209, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8658.mp4", + "variation_id": 0, + "video_id": "38067" + }, + { + "bbox": [ + 356, + 54, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3Duw6fIcgoo", + "variation_id": 1, + "video_id": "38068" + } + ] + }, + { + "gloss": "nose", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1690, + "frame_start": 1641, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38721" + }, + { + "bbox": [ + 184, + 43, + 412, + 360 + ], + "fps": 25, + "frame_end": 3300, + "frame_start": 3211, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70253" + }, + { + "bbox": [ + 195, + 57, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nose.mp4", + "variation_id": 0, + "video_id": "38737" + }, + { + "bbox": [ + 45, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51140.mp4", + "variation_id": 0, + "video_id": "38728" + }, + { + "bbox": [ + 691, + 45, + 1563, + 1058 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nose%20copy-sgChUnu0BAA.mp4", + "variation_id": 0, + "video_id": "38729" + }, + { + "bbox": [ + 753, + 143, + 1460, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nose-m644yA1_4gM.mp4", + "variation_id": 0, + "video_id": "38730" + }, + { + "bbox": [ + 134, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719668.6336.mp4", + "variation_id": 0, + "video_id": "38731" + }, + { + "bbox": [ + 95, + 13, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nose.mp4", + "variation_id": 0, + "video_id": "38732" + }, + { + "bbox": [ + 95, + 19, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22186.mp4", + "variation_id": 0, + "video_id": "38733" + }, + { + "bbox": [ + 336, + 33, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2FpYi18-FiU", + "variation_id": 0, + "video_id": "38734" + }, + { + "bbox": [ + 4, + 9, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/n/nose.swf", + "variation_id": 0, + "video_id": "38736" + } + ] + }, + { + "gloss": "often", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 574, + "frame_start": 528, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39503" + }, + { + "bbox": [ + 153, + 29, + 478, + 480 + ], + "fps": 25, + "frame_end": 4490, + "frame_start": 4405, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70036" + }, + { + "bbox": [ + 79, + 24, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23404.mp4", + "variation_id": 0, + "video_id": "39511" + }, + { + "bbox": [ + 175, + 13, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=4dtwTr_w12I", + "variation_id": 0, + "video_id": "39512" + }, + { + "bbox": [ + 15, + 20, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/often.swf", + "variation_id": 0, + "video_id": "39513" + }, + { + "bbox": [ + 201, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/often.mp4", + "variation_id": 0, + "video_id": "39514" + }, + { + "bbox": [ + 39, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49161.mp4", + "variation_id": 0, + "video_id": "39504" + }, + { + "bbox": [ + 381, + 40, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/often.mp4", + "variation_id": 0, + "video_id": "39505" + }, + { + "bbox": [ + 137, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721191.1469.mp4", + "variation_id": 0, + "video_id": "39507" + }, + { + "bbox": [ + 79, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/often.mp4", + "variation_id": 0, + "video_id": "39508" + }, + { + "bbox": [ + 77, + 21, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23403.mp4", + "variation_id": 0, + "video_id": "39510" + } + ] + }, + { + "gloss": "operate", + "instances": [ + { + "bbox": [ + 51, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457179.mp4", + "variation_id": 0, + "video_id": "39984" + }, + { + "bbox": [ + 288, + 29, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=auIe7mAd-TU", + "variation_id": 0, + "video_id": "39992" + }, + { + "bbox": [ + 23, + 19, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/operate_machine.swf", + "variation_id": 1, + "video_id": "39993" + }, + { + "bbox": [ + 1, + 11, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/operate_surgery.swf", + "variation_id": 0, + "video_id": "39994" + }, + { + "bbox": [ + 183, + 53, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/idle2.mp4", + "variation_id": 1, + "video_id": "39995" + }, + { + "bbox": [ + 223, + 39, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/surgery.mp4", + "variation_id": 0, + "video_id": "39996" + }, + { + "bbox": [ + 574, + 87, + 1374, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Operate-_EAwzbDy_ko.mp4", + "variation_id": 1, + "video_id": "39985" + }, + { + "bbox": [ + 124, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722145.5745.mp4", + "variation_id": 1, + "video_id": "39986" + }, + { + "bbox": [ + 21, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/operate-run.mp4", + "variation_id": 1, + "video_id": "39988" + }, + { + "bbox": [ + 44, + 13, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/operate-surgery.mp4", + "variation_id": 0, + "video_id": "39989" + }, + { + "bbox": [ + 68, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2211.mp4", + "variation_id": 0, + "video_id": "39990" + } + ] + }, + { + "gloss": "opinion", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1000, + "frame_start": 931, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40010" + }, + { + "bbox": [ + 315, + 31, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=k_roDWrJAKc", + "variation_id": 0, + "video_id": "40018" + }, + { + "bbox": [ + 224, + 46, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Q7fu5OmLAsw", + "variation_id": 0, + "video_id": "40019" + }, + { + "bbox": [ + 144, + 23, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OP/OPINION-1535.mp4", + "variation_id": 0, + "video_id": "66239" + }, + { + "bbox": [ + 141, + 26, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OP/OPINION-1536.mp4", + "variation_id": 0, + "video_id": "66240" + }, + { + "bbox": [ + 184, + 54, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/opinion.mp4", + "variation_id": 0, + "video_id": "40021" + }, + { + "bbox": [ + 17, + 0, + 305, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/opinion.mov", + "variation_id": 0, + "video_id": "40011" + }, + { + "bbox": [ + 25, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49165.mp4", + "variation_id": 0, + "video_id": "40012" + }, + { + "bbox": [ + 501, + 44, + 1563, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Opinion-q8alPxK9raA.mp4", + "variation_id": 0, + "video_id": "40013" + }, + { + "bbox": [ + 93, + 0, + 496, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722207.6564.mp4", + "variation_id": 0, + "video_id": "40014" + }, + { + "bbox": [ + 93, + 14, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/opinion.mp4", + "variation_id": 0, + "video_id": "40015" + } + ] + }, + { + "gloss": "other", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1316, + "frame_start": 1284, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40308" + }, + { + "bbox": [ + 214, + 35, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/another.mp4", + "variation_id": 0, + "video_id": "40321" + }, + { + "bbox": [ + 44, + 18, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307688.mp4", + "variation_id": 0, + "video_id": "40313" + }, + { + "bbox": [ + 102, + 14, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/U38qxX-_xfI", + "variation_id": 0, + "video_id": "67952" + }, + { + "bbox": [ + 469, + 49, + 1631, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Other-O_7lP9UOlWs.mp4", + "variation_id": 0, + "video_id": "40314" + }, + { + "bbox": [ + 131, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468722689.8631.mp4", + "variation_id": 0, + "video_id": "40315" + }, + { + "bbox": [ + 20, + 0, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/other.mp4", + "variation_id": 0, + "video_id": "40316" + }, + { + "bbox": [ + 66, + 14, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7358.mp4", + "variation_id": 0, + "video_id": "40317" + }, + { + "bbox": [ + 331, + 51, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=g_oLwCohrq4", + "variation_id": 0, + "video_id": "40318" + }, + { + "bbox": [ + 332, + 47, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qaf07PAGW6w", + "variation_id": 0, + "video_id": "40319" + }, + { + "bbox": [ + 15, + 5, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/o/other.swf", + "variation_id": 0, + "video_id": "40320" + } + ] + }, + { + "gloss": "pass", + "instances": [ + { + "bbox": [ + 130, + 9, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PASS-876.mp4", + "variation_id": 0, + "video_id": "66267" + }, + { + "bbox": [ + 111, + 0, + 486, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pass.mp4", + "variation_id": 0, + "video_id": "41354" + }, + { + "bbox": [ + 76, + 11, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14399.mp4", + "variation_id": 0, + "video_id": "41356" + }, + { + "bbox": [ + 69, + 12, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9395.mp4", + "variation_id": 0, + "video_id": "41357" + }, + { + "bbox": [ + 402, + 49, + 798, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pass.mp4", + "variation_id": 0, + "video_id": "41350" + }, + { + "bbox": [ + 166, + 11, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=xmF9u8UBJAQ", + "variation_id": 0, + "video_id": "41360" + }, + { + "bbox": [ + 289, + 2, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xmF9u8UBJAQ", + "variation_id": 0, + "video_id": "41361" + }, + { + "bbox": [ + 20, + 20, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pass.swf", + "variation_id": 0, + "video_id": "41363" + }, + { + "bbox": [ + 236, + 38, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pass2.mp4", + "variation_id": 0, + "video_id": "41364" + }, + { + "bbox": [ + 235, + 38, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pass.mp4", + "variation_id": 0, + "video_id": "41365" + }, + { + "bbox": [ + 147, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468724159.6440.mp4", + "variation_id": 0, + "video_id": "41352" + } + ] + }, + { + "gloss": "pillow", + "instances": [ + { + "bbox": [ + 56, + 9, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/pillow.mp4", + "variation_id": 0, + "video_id": "42752" + }, + { + "bbox": [ + 54, + 27, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22884.mp4", + "variation_id": 0, + "video_id": "42753" + }, + { + "bbox": [ + 47, + 26, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22885.mp4", + "variation_id": 0, + "video_id": "42754" + }, + { + "bbox": [ + 48, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457779.mp4", + "variation_id": 0, + "video_id": "42746" + }, + { + "bbox": [ + 99, + 21, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TFZbuYVLgCA", + "variation_id": 0, + "video_id": "67987" + }, + { + "bbox": [ + 4, + 3, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/pillow.swf", + "variation_id": 0, + "video_id": "42756" + }, + { + "bbox": [ + 0, + 7, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/p/pillow_throw.swf", + "variation_id": 0, + "video_id": "42757" + }, + { + "bbox": [ + 208, + 39, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pillow.mp4", + "variation_id": 0, + "video_id": "42758" + }, + { + "bbox": [ + 378, + 55, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pillow.mp4", + "variation_id": 0, + "video_id": "42747" + }, + { + "bbox": [ + 843, + 67, + 1706, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pillow-TVmqeOKH5UY.mp4", + "variation_id": 0, + "video_id": "42749" + }, + { + "bbox": [ + 109, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468726226.3377.mp4", + "variation_id": 0, + "video_id": "42750" + } + ] + }, + { + "gloss": "prepare", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4670, + "frame_start": 4614, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44267" + }, + { + "bbox": [ + 184, + 33, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/arrange.mp4", + "variation_id": 0, + "video_id": "44281" + }, + { + "bbox": [ + 166, + 25, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PREPARE-758.mp4", + "variation_id": 0, + "video_id": "66324" + }, + { + "bbox": [ + 59, + 2, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457801.mp4", + "variation_id": 0, + "video_id": "44273" + }, + { + "bbox": [ + 531, + 23, + 1699, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Organize%2C%20Prepare-HuS7gLYIcqk.mp4", + "variation_id": 0, + "video_id": "44274" + }, + { + "bbox": [ + 423, + 69, + 1644, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Prepare-hsIQkM540VA.mp4", + "variation_id": 0, + "video_id": "44275" + }, + { + "bbox": [ + 174, + 0, + 621, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755366.7875.mp4", + "variation_id": 0, + "video_id": "44276" + }, + { + "bbox": [ + 51, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/prepare.mp4", + "variation_id": 0, + "video_id": "44277" + }, + { + "bbox": [ + 57, + 8, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14687.mp4", + "variation_id": 0, + "video_id": "44278" + }, + { + "bbox": [ + 337, + 11, + 1048, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-_uz-MBlLZs", + "variation_id": 0, + "video_id": "44279" + }, + { + "bbox": [ + 0, + 11, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/prepare.swf", + "variation_id": 0, + "video_id": "44280" + } + ] + }, + { + "gloss": "pretty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5083, + "frame_start": 5021, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44422" + }, + { + "bbox": [ + 564, + 62, + 1337, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/pretty.mp4", + "variation_id": 0, + "video_id": "69437" + }, + { + "bbox": [ + 177, + 39, + 420, + 360 + ], + "fps": 25, + "frame_end": 4312, + "frame_start": 4220, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70255" + }, + { + "bbox": [ + 206, + 1, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRETTY-227.mp4", + "variation_id": 0, + "video_id": "66328" + }, + { + "bbox": [ + 100, + 25, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ei6zL529jn0", + "variation_id": 0, + "video_id": "67100" + }, + { + "bbox": [ + 147, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468755638.9304.mp4", + "variation_id": 0, + "video_id": "44424" + }, + { + "bbox": [ + 76, + 1, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pretty.mp4", + "variation_id": 0, + "video_id": "44425" + }, + { + "bbox": [ + 58, + 2, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5912.mp4", + "variation_id": 0, + "video_id": "44426" + }, + { + "bbox": [ + 316, + 20, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-FFk0f2q0X0", + "variation_id": 0, + "video_id": "44427" + }, + { + "bbox": [ + 2, + 8, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pretty.swf", + "variation_id": 0, + "video_id": "44428" + }, + { + "bbox": [ + 242, + 41, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/beautiful.mp4", + "variation_id": 0, + "video_id": "44429" + } + ] + }, + { + "gloss": "priest", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5220, + "frame_start": 5184, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44491" + }, + { + "bbox": [ + 187, + 50, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/priest.mp4", + "variation_id": 0, + "video_id": "44500" + }, + { + "bbox": [ + 93, + 16, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/szPb6AlhA8U", + "variation_id": 0, + "video_id": "67104" + }, + { + "bbox": [ + 41, + 5, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244846.mp4", + "variation_id": 0, + "video_id": "44492" + }, + { + "bbox": [ + 758, + 79, + 1599, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Priest-9xu1AL1Ywr0.mp4", + "variation_id": 0, + "video_id": "44493" + }, + { + "bbox": [ + 112, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/priest.mp4", + "variation_id": 0, + "video_id": "44494" + }, + { + "bbox": [ + 69, + 12, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14125.mp4", + "variation_id": 0, + "video_id": "44495" + }, + { + "bbox": [ + 71, + 10, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14126.mp4", + "variation_id": 0, + "video_id": "44496" + }, + { + "bbox": [ + 0, + 52, + 406, + 703 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dK6rpcpQnYk", + "variation_id": 0, + "video_id": "44497" + }, + { + "bbox": [ + 339, + 53, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SXel72XxUkQ", + "variation_id": 0, + "video_id": "44498" + }, + { + "bbox": [ + 18, + 7, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/priest.swf", + "variation_id": 0, + "video_id": "44499" + } + ] + }, + { + "gloss": "program", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5979, + "frame_start": 5937, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44828" + }, + { + "bbox": [ + 197, + 54, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/program.mp4", + "variation_id": 0, + "video_id": "44837" + }, + { + "bbox": [ + 171, + 12, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROGRAM-939.mp4", + "variation_id": 0, + "video_id": "66337" + }, + { + "bbox": [ + 429, + 60, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/program.mp4", + "variation_id": 0, + "video_id": "44829" + }, + { + "bbox": [ + 574, + 70, + 1418, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Program-L94bsAN02IU.mp4", + "variation_id": 0, + "video_id": "44830" + }, + { + "bbox": [ + 121, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468756629.6972.mp4", + "variation_id": 0, + "video_id": "44831" + }, + { + "bbox": [ + 84, + 0, + 486, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/program.mp4", + "variation_id": 0, + "video_id": "44832" + }, + { + "bbox": [ + 79, + 13, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14853.mp4", + "variation_id": 0, + "video_id": "44833" + }, + { + "bbox": [ + 361, + 16, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=efa6FSByrzA", + "variation_id": 0, + "video_id": "44834" + }, + { + "bbox": [ + 309, + 33, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QWPNcp9nirg", + "variation_id": 0, + "video_id": "44835" + }, + { + "bbox": [ + 0, + 7, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/program.swf", + "variation_id": 0, + "video_id": "44836" + } + ] + }, + { + "gloss": "promise", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6136, + "frame_start": 6087, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44896" + }, + { + "bbox": [ + 171, + 21, + 539, + 480 + ], + "fps": 25, + "frame_end": 2358, + "frame_start": 2244, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70154" + }, + { + "bbox": [ + 167, + 24, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROMISE-674.mp4", + "variation_id": 0, + "video_id": "66339" + }, + { + "bbox": [ + 160, + 0, + 417, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/OPZ11zm_0wE", + "variation_id": 0, + "video_id": "67108" + }, + { + "bbox": [ + 50, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49216.mp4", + "variation_id": 0, + "video_id": "44897" + }, + { + "bbox": [ + 152, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468756712.3444.mp4", + "variation_id": 0, + "video_id": "44898" + }, + { + "bbox": [ + 134, + 0, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/promise.mp4", + "variation_id": 0, + "video_id": "44899" + }, + { + "bbox": [ + 89, + 29, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22931.mp4", + "variation_id": 0, + "video_id": "44900" + }, + { + "bbox": [ + 319, + 59, + 917, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WTSt-oSO6Ng", + "variation_id": 0, + "video_id": "44901" + }, + { + "bbox": [ + 12, + 16, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/promise.swf", + "variation_id": 0, + "video_id": "44902" + }, + { + "bbox": [ + 184, + 51, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/pledge.mp4", + "variation_id": 0, + "video_id": "44903" + } + ] + }, + { + "gloss": "put", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7131, + "frame_start": 7089, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45494" + }, + { + "bbox": [ + 552, + 0, + 1534, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/put.mp4", + "variation_id": 0, + "video_id": "69441" + }, + { + "bbox": [ + 58, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116454.mp4", + "variation_id": 0, + "video_id": "45511" + }, + { + "bbox": [ + 591, + 101, + 1415, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Put-VVlU2x8X3l8.mp4", + "variation_id": 0, + "video_id": "45512" + }, + { + "bbox": [ + 163, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757461.6072.mp4", + "variation_id": 0, + "video_id": "45513" + }, + { + "bbox": [ + 60, + 9, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/p/put.mp4", + "variation_id": 0, + "video_id": "45514" + }, + { + "bbox": [ + 65, + 7, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9912.mp4", + "variation_id": 0, + "video_id": "45515" + }, + { + "bbox": [ + 190, + 69, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 81, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=3z9PqJ71rC8", + "variation_id": 0, + "video_id": "45516" + }, + { + "bbox": [ + 337, + 34, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G3LICbWdIb8", + "variation_id": 0, + "video_id": "45517" + }, + { + "bbox": [ + 24, + 2, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/put.swf", + "variation_id": 0, + "video_id": "45518" + }, + { + "bbox": [ + 190, + 56, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/put.mp4", + "variation_id": 0, + "video_id": "45519" + } + ] + }, + { + "gloss": "queen", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 183, + "frame_start": 127, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45684" + }, + { + "bbox": [ + 184, + 63, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/queen.mp4", + "variation_id": 0, + "video_id": "45692" + }, + { + "bbox": [ + 103, + 30, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/QU/QUEEN-1494.mp4", + "variation_id": 0, + "video_id": "66362" + }, + { + "bbox": [ + 114, + 19, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/j43DVeH2kmM", + "variation_id": 0, + "video_id": "67117" + }, + { + "bbox": [ + 350, + 53, + 784, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/queen.mp4", + "variation_id": 0, + "video_id": "45685" + }, + { + "bbox": [ + 597, + 56, + 1502, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Queen-eZ5qlnofIKM.mp4", + "variation_id": 0, + "video_id": "45686" + }, + { + "bbox": [ + 137, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757655.2355.mp4", + "variation_id": 0, + "video_id": "45687" + }, + { + "bbox": [ + 51, + 2, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/queen.mp4", + "variation_id": 0, + "video_id": "45688" + }, + { + "bbox": [ + 56, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6281.mp4", + "variation_id": 0, + "video_id": "45689" + }, + { + "bbox": [ + 323, + 47, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yoz4qDqGNRI", + "variation_id": 0, + "video_id": "45690" + }, + { + "bbox": [ + 0, + 20, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/q/queen.swf", + "variation_id": 0, + "video_id": "45691" + } + ] + }, + { + "gloss": "quit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 376, + "frame_start": 347, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45777" + }, + { + "bbox": [ + 195, + 60, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quit.mp4", + "variation_id": 0, + "video_id": "45789" + }, + { + "bbox": [ + 35, + 14, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399779.mp4", + "variation_id": 0, + "video_id": "45780" + }, + { + "bbox": [ + 751, + 101, + 1588, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Quit%202-Rmc2XBeRcnE.mp4", + "variation_id": 0, + "video_id": "45781" + }, + { + "bbox": [ + 639, + 69, + 1755, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Quit-6qtu4huVBIE.mp4", + "variation_id": 0, + "video_id": "45782" + }, + { + "bbox": [ + 158, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468757864.6093.mp4", + "variation_id": 0, + "video_id": "45783" + }, + { + "bbox": [ + 35, + 3, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/quit.mp4", + "variation_id": 0, + "video_id": "45784" + }, + { + "bbox": [ + 69, + 15, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7470.mp4", + "variation_id": 0, + "video_id": "45785" + }, + { + "bbox": [ + 76, + 15, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7471.mp4", + "variation_id": 0, + "video_id": "45786" + }, + { + "bbox": [ + 311, + 34, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vUvsF5ktDx0", + "variation_id": 0, + "video_id": "45787" + }, + { + "bbox": [ + 1, + 7, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/q/quit.swf", + "variation_id": 0, + "video_id": "45788" + } + ] + }, + { + "gloss": "radio", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 179, + "frame_start": 127, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "45905" + }, + { + "bbox": [ + 165, + 49, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/radio.mp4", + "variation_id": 0, + "video_id": "45916" + }, + { + "bbox": [ + 17, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49265.mp4", + "variation_id": 0, + "video_id": "45907" + }, + { + "bbox": [ + 108, + 16, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Bdtau2SCL5g", + "variation_id": 0, + "video_id": "67120" + }, + { + "bbox": [ + 402, + 51, + 803, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/radio.mp4", + "variation_id": 0, + "video_id": "45908" + }, + { + "bbox": [ + 711, + 140, + 1601, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Radio-mG98AP454QE.mp4", + "variation_id": 0, + "video_id": "45909" + }, + { + "bbox": [ + 112, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757991.4188.mp4", + "variation_id": 0, + "video_id": "45910" + }, + { + "bbox": [ + 3, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/radio.mp4", + "variation_id": 0, + "video_id": "45911" + }, + { + "bbox": [ + 60, + 15, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6284.mp4", + "variation_id": 0, + "video_id": "45912" + }, + { + "bbox": [ + 279, + 43, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TU-VgMd_Yco", + "variation_id": 0, + "video_id": "45913" + }, + { + "bbox": [ + 0, + 9, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/radio.swf", + "variation_id": 0, + "video_id": "45914" + } + ] + }, + { + "gloss": "rat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 495, + "frame_start": 443, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46155" + }, + { + "bbox": [ + 196, + 50, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rat.mp4", + "variation_id": 0, + "video_id": "46182" + }, + { + "bbox": [ + 46, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49267.mp4", + "variation_id": 0, + "video_id": "46174" + }, + { + "bbox": [ + 89, + 21, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/5kdynSmFI_E", + "variation_id": 0, + "video_id": "67123" + }, + { + "bbox": [ + 423, + 52, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/rat.mp4", + "variation_id": 0, + "video_id": "46175" + }, + { + "bbox": [ + 195, + 59, + 500, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 34, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1546574950.2713.mp4", + "variation_id": 0, + "video_id": "46176" + }, + { + "bbox": [ + 52, + 0, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rat-animal.mp4", + "variation_id": 0, + "video_id": "46177" + }, + { + "bbox": [ + 74, + 14, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2975.mp4", + "variation_id": 0, + "video_id": "46178" + }, + { + "bbox": [ + 70, + 18, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7526.mp4", + "variation_id": 0, + "video_id": "46179" + }, + { + "bbox": [ + 383, + 40, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sYgnTw77hk8", + "variation_id": 0, + "video_id": "46180" + }, + { + "bbox": [ + 26, + 15, + 195, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/rat.swf", + "variation_id": 0, + "video_id": "46181" + } + ] + }, + { + "gloss": "reject", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1445, + "frame_start": 1403, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46997" + }, + { + "bbox": [ + 320, + 39, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NRQTQZk7QQY", + "variation_id": 1, + "video_id": "47008" + }, + { + "bbox": [ + 5, + 18, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/reject.swf", + "variation_id": 0, + "video_id": "47009" + }, + { + "bbox": [ + 10, + 6, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244836.mp4", + "variation_id": 1, + "video_id": "47000" + }, + { + "bbox": [ + 578, + 85, + 1479, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reject%2C%20Turn%20Down%2C%20Decline-hDa0Gz6WuBY.mp4", + "variation_id": 0, + "video_id": "47001" + }, + { + "bbox": [ + 650, + 61, + 1648, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reject-QlqDqVa8c2o.mp4", + "variation_id": 1, + "video_id": "47002" + }, + { + "bbox": [ + 142, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759259.5.mp4", + "variation_id": 0, + "video_id": "47003" + }, + { + "bbox": [ + 0, + 2, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/reject.mp4", + "variation_id": 0, + "video_id": "47004" + }, + { + "bbox": [ + 54, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2563.mp4", + "variation_id": 1, + "video_id": "47005" + }, + { + "bbox": [ + 261, + 58, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5I65XaMvhHY", + "variation_id": 1, + "video_id": "47006" + }, + { + "bbox": [ + 240, + 49, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=iNrx3GFKG58", + "variation_id": 0, + "video_id": "47007" + } + ] + }, + { + "gloss": "require", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2377, + "frame_start": 2335, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47458" + }, + { + "bbox": [ + 190, + 63, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/demand.mp4", + "variation_id": 0, + "video_id": "47469" + }, + { + "bbox": [ + 68, + 7, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/158042.mp4", + "variation_id": 0, + "video_id": "47460" + }, + { + "bbox": [ + 480, + 49, + 1678, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Demand%2C%20Mandatory-qQSwWmiHuXk.mp4", + "variation_id": 0, + "video_id": "47461" + }, + { + "bbox": [ + 765, + 42, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Demand%2C%20Require%2C%20Mandatory-040hwI3u85I.mp4", + "variation_id": 0, + "video_id": "47462" + }, + { + "bbox": [ + 154, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468760072.5218.mp4", + "variation_id": 0, + "video_id": "47463" + }, + { + "bbox": [ + 64, + 22, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/require-compulsory.mp4", + "variation_id": 0, + "video_id": "47464" + }, + { + "bbox": [ + 62, + 19, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/require.mp4", + "variation_id": 0, + "video_id": "47465" + }, + { + "bbox": [ + 68, + 13, + 261, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1415.mp4", + "variation_id": 0, + "video_id": "47466" + }, + { + "bbox": [ + 139, + 6, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jGrUpxvtlqI", + "variation_id": 0, + "video_id": "47467" + }, + { + "bbox": [ + 0, + 6, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/require.swf", + "variation_id": 0, + "video_id": "47468" + } + ] + }, + { + "gloss": "rest", + "instances": [ + { + "bbox": [ + 43, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51626.mp4", + "variation_id": 0, + "video_id": "47668" + }, + { + "bbox": [ + 157, + 28, + 481, + 480 + ], + "fps": 25, + "frame_end": 9588, + "frame_start": 9460, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70057" + }, + { + "bbox": [ + 102, + 10, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/fK-_bakRHEs", + "variation_id": 0, + "video_id": "67138" + }, + { + "bbox": [ + 144, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468760473.6434.mp4", + "variation_id": 0, + "video_id": "47669" + }, + { + "bbox": [ + 136, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rest.mp4", + "variation_id": 0, + "video_id": "47670" + }, + { + "bbox": [ + 82, + 10, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8832.mp4", + "variation_id": 0, + "video_id": "47671" + }, + { + "bbox": [ + 63, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9722.mp4", + "variation_id": 0, + "video_id": "47672" + }, + { + "bbox": [ + 334, + 62, + 904, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hfm2K1_ueP0", + "variation_id": 0, + "video_id": "47673" + }, + { + "bbox": [ + 0, + 11, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rest.swf", + "variation_id": 0, + "video_id": "47674" + }, + { + "bbox": [ + 189, + 50, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/relax.mp4", + "variation_id": 0, + "video_id": "47675" + }, + { + "bbox": [ + 203, + 42, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/rest.mp4", + "variation_id": 0, + "video_id": "47676" + } + ] + }, + { + "gloss": "retire", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2987, + "frame_start": 2925, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47782" + }, + { + "bbox": [ + 191, + 44, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/retire.mp4", + "variation_id": 0, + "video_id": "47794" + }, + { + "bbox": [ + 102, + 30, + 527, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RETIRE-971.mp4", + "variation_id": 0, + "video_id": "66400" + }, + { + "bbox": [ + 433, + 54, + 847, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/retire.mp4", + "variation_id": 0, + "video_id": "47786" + }, + { + "bbox": [ + 512, + 71, + 1729, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Retire%202-KAuOqvvPWvc.mp4", + "variation_id": 0, + "video_id": "47787" + }, + { + "bbox": [ + 121, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468760678.9023.mp4", + "variation_id": 0, + "video_id": "47788" + }, + { + "bbox": [ + 59, + 8, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14182.mp4", + "variation_id": 0, + "video_id": "47789" + }, + { + "bbox": [ + 59, + 7, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14374.mp4", + "variation_id": 0, + "video_id": "47790" + }, + { + "bbox": [ + 271, + 41, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8q8IIX6A8HI", + "variation_id": 0, + "video_id": "47791" + }, + { + "bbox": [ + 308, + 52, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DPTGQS3FdI0", + "variation_id": 0, + "video_id": "47792" + }, + { + "bbox": [ + 0, + 3, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/retire.swf", + "variation_id": 0, + "video_id": "47793" + } + ] + }, + { + "gloss": "rise", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3416, + "frame_start": 3354, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48207" + }, + { + "bbox": [ + 113, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761138.9260.mp4", + "variation_id": 1, + "video_id": "48212" + }, + { + "bbox": [ + 106, + 0, + 500, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/r/rise-getup.mp4", + "variation_id": 1, + "video_id": "48214" + }, + { + "bbox": [ + 53, + 2, + 554, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rise.mp4", + "variation_id": 0, + "video_id": "48215" + }, + { + "bbox": [ + 79, + 18, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23327.mp4", + "variation_id": 0, + "video_id": "48216" + }, + { + "bbox": [ + 77, + 13, + 249, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8306.mp4", + "variation_id": 0, + "video_id": "48218" + }, + { + "bbox": [ + 45, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50767.mp4", + "variation_id": 1, + "video_id": "48209" + }, + { + "bbox": [ + 55, + 10, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9900.mp4", + "variation_id": 1, + "video_id": "48219" + }, + { + "bbox": [ + 0, + 5, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rise.swf", + "variation_id": 0, + "video_id": "48222" + }, + { + "bbox": [ + 165, + 58, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/lift.mp4", + "variation_id": 0, + "video_id": "48224" + }, + { + "bbox": [ + 551, + 69, + 1573, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Get%20Up-ZSKijmbRn0k.mp4", + "variation_id": 1, + "video_id": "48210" + } + ] + }, + { + "gloss": "river", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3496, + "frame_start": 3417, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48249" + }, + { + "bbox": [ + 203, + 54, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stream.mp4", + "variation_id": 0, + "video_id": "48258" + }, + { + "bbox": [ + 120, + 32, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RI/RIVER-979.mp4", + "variation_id": 0, + "video_id": "66410" + }, + { + "bbox": [ + 115, + 18, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4vr7STEgRrY", + "variation_id": 0, + "video_id": "67145" + }, + { + "bbox": [ + 537, + 63, + 1588, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20River-k9r0EQZrsIs.mp4", + "variation_id": 0, + "video_id": "48252" + }, + { + "bbox": [ + 155, + 0, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761172.636.mp4", + "variation_id": 0, + "video_id": "48253" + }, + { + "bbox": [ + 92, + 1, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/river.mp4", + "variation_id": 0, + "video_id": "48254" + }, + { + "bbox": [ + 62, + 10, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8876.mp4", + "variation_id": 0, + "video_id": "48255" + }, + { + "bbox": [ + 290, + 37, + 1033, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NyaG1U8eSOk", + "variation_id": 0, + "video_id": "48256" + }, + { + "bbox": [ + 0, + 12, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/river.swf", + "variation_id": 0, + "video_id": "48257" + } + ] + }, + { + "gloss": "rough", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4146, + "frame_start": 4097, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48603" + }, + { + "bbox": [ + 187, + 62, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/draft.mp4", + "variation_id": 0, + "video_id": "48614" + }, + { + "bbox": [ + 151, + 32, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RO/ROUGH-985.mp4", + "variation_id": 0, + "video_id": "66418" + }, + { + "bbox": [ + 68, + 14, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116604.mp4", + "variation_id": 0, + "video_id": "48606" + }, + { + "bbox": [ + 628, + 68, + 1615, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rough-EZLCp1zIjgQ.mp4", + "variation_id": 0, + "video_id": "48607" + }, + { + "bbox": [ + 126, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468761568.5200.mp4", + "variation_id": 0, + "video_id": "48608" + }, + { + "bbox": [ + 112, + 14, + 497, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rough.mp4", + "variation_id": 0, + "video_id": "48609" + }, + { + "bbox": [ + 69, + 23, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22274.mp4", + "variation_id": 0, + "video_id": "48610" + }, + { + "bbox": [ + 74, + 25, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22275.mp4", + "variation_id": 0, + "video_id": "48611" + }, + { + "bbox": [ + 321, + 52, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Mw2NM3cbAwo", + "variation_id": 0, + "video_id": "48612" + }, + { + "bbox": [ + 0, + 6, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/rough.swf", + "variation_id": 0, + "video_id": "48613" + } + ] + }, + { + "gloss": "see", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1747, + "frame_start": 1678, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50107" + }, + { + "bbox": [ + 287, + 36, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/see.mp4", + "variation_id": 0, + "video_id": "69460" + }, + { + "bbox": [ + 237, + 27, + 974, + 720 + ], + "fps": 25, + "frame_end": 78, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=EzeU9Z2xDB0", + "variation_id": 0, + "video_id": "68444" + }, + { + "bbox": [ + 85, + 22, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/306763.mp4", + "variation_id": 0, + "video_id": "50120" + }, + { + "bbox": [ + 111, + 20, + 342, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/InFyZzSRtZU", + "variation_id": 0, + "video_id": "67178" + }, + { + "bbox": [ + 122, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468764895.9090.mp4", + "variation_id": 0, + "video_id": "50122" + }, + { + "bbox": [ + 141, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/see.mp4", + "variation_id": 0, + "video_id": "50123" + }, + { + "bbox": [ + 85, + 15, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8396.mp4", + "variation_id": 0, + "video_id": "50125" + }, + { + "bbox": [ + 391, + 70, + 879, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=QMvwHGkCFqI", + "variation_id": 0, + "video_id": "50126" + }, + { + "bbox": [ + 22, + 8, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/see.swf", + "variation_id": 0, + "video_id": "50127" + }, + { + "bbox": [ + 206, + 52, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/see.mp4", + "variation_id": 0, + "video_id": "50128" + } + ] + }, + { + "gloss": "seem", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1804, + "frame_start": 1748, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50138" + }, + { + "bbox": [ + 172, + 55, + 422, + 360 + ], + "fps": 25, + "frame_end": 7468, + "frame_start": 7368, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70360" + }, + { + "bbox": [ + 158, + 32, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SEEM-1012.mp4", + "variation_id": 0, + "video_id": "66442" + }, + { + "bbox": [ + 66, + 8, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116817.mp4", + "variation_id": 0, + "video_id": "50139" + }, + { + "bbox": [ + 126, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468764975.8777.mp4", + "variation_id": 0, + "video_id": "50140" + }, + { + "bbox": [ + 154, + 0, + 535, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/seem2.mp4", + "variation_id": 0, + "video_id": "50141" + }, + { + "bbox": [ + 151, + 0, + 536, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/seem.mp4", + "variation_id": 0, + "video_id": "50142" + }, + { + "bbox": [ + 47, + 3, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9614.mp4", + "variation_id": 0, + "video_id": "50143" + }, + { + "bbox": [ + 40, + 7, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9615.mp4", + "variation_id": 0, + "video_id": "50144" + }, + { + "bbox": [ + 0, + 8, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/seem.swf", + "variation_id": 0, + "video_id": "50145" + }, + { + "bbox": [ + 213, + 51, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/seem.mp4", + "variation_id": 0, + "video_id": "50146" + } + ] + }, + { + "gloss": "send", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2133, + "frame_start": 2091, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50328" + }, + { + "bbox": [ + 140, + 16, + 507, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=btjZ2F9BUAA", + "variation_id": 0, + "video_id": "50338" + }, + { + "bbox": [ + 285, + 27, + 1043, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=btjZ2F9BUAA", + "variation_id": 0, + "video_id": "50339" + }, + { + "bbox": [ + 46, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50785.mp4", + "variation_id": 0, + "video_id": "50330" + }, + { + "bbox": [ + 15, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/send.swf", + "variation_id": 0, + "video_id": "50340" + }, + { + "bbox": [ + 239, + 37, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/send2.mp4", + "variation_id": 0, + "video_id": "50341" + }, + { + "bbox": [ + 666, + 67, + 1497, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Send-eY_VdFDETdo.mp4", + "variation_id": 0, + "video_id": "50331" + }, + { + "bbox": [ + 107, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765131.2878.mp4", + "variation_id": 0, + "video_id": "50332" + }, + { + "bbox": [ + 16, + 0, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/send-email.mp4", + "variation_id": 0, + "video_id": "50333" + }, + { + "bbox": [ + 67, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/send.mp4", + "variation_id": 0, + "video_id": "50334" + }, + { + "bbox": [ + 66, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9142.mp4", + "variation_id": 0, + "video_id": "50336" + } + ] + }, + { + "gloss": "sew", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2887, + "frame_start": 2818, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50719" + }, + { + "bbox": [ + 118, + 10, + 550, + 360 + ], + "fps": 25, + "frame_end": 115, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Dp-mf7WYcjQ", + "variation_id": 0, + "video_id": "68420" + }, + { + "bbox": [ + 113, + 0, + 1160, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=qkdkwxVjWAw", + "variation_id": 0, + "video_id": "68146" + }, + { + "bbox": [ + 161, + 33, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SEW-1027.mp4", + "variation_id": 0, + "video_id": "66459" + }, + { + "bbox": [ + 76, + 18, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89744.mp4", + "variation_id": 0, + "video_id": "50721" + }, + { + "bbox": [ + 99, + 12, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Lo_RLSCOB_M", + "variation_id": 0, + "video_id": "67182" + }, + { + "bbox": [ + 67, + 19, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sew.mp4", + "variation_id": 0, + "video_id": "50722" + }, + { + "bbox": [ + 72, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6287.mp4", + "variation_id": 0, + "video_id": "50723" + }, + { + "bbox": [ + 316, + 52, + 921, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aMaofqtclMw", + "variation_id": 0, + "video_id": "50725" + }, + { + "bbox": [ + 0, + 5, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sew.swf", + "variation_id": 0, + "video_id": "50726" + }, + { + "bbox": [ + 247, + 38, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/sew.mp4", + "variation_id": 0, + "video_id": "50727" + } + ] + }, + { + "gloss": "sheep", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3333, + "frame_start": 3257, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50932" + }, + { + "bbox": [ + 245, + 38, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sheep.mp4", + "variation_id": 0, + "video_id": "50942" + }, + { + "bbox": [ + 60, + 14, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89947.mp4", + "variation_id": 0, + "video_id": "50934" + }, + { + "bbox": [ + 122, + 16, + 400, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/rer_C3GrVlQ", + "variation_id": 0, + "video_id": "67185" + }, + { + "bbox": [ + 475, + 53, + 1062, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sheep.mp4", + "variation_id": 0, + "video_id": "50935" + }, + { + "bbox": [ + 136, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468671182.7772.mp4", + "variation_id": 0, + "video_id": "50936" + }, + { + "bbox": [ + 113, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sheep.mp4", + "variation_id": 0, + "video_id": "50937" + }, + { + "bbox": [ + 82, + 18, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24200.mp4", + "variation_id": 0, + "video_id": "50938" + }, + { + "bbox": [ + 141, + 16, + 1026, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=L3oPcDiTcG0", + "variation_id": 0, + "video_id": "50939" + }, + { + "bbox": [ + 324, + 54, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=nO17gdTDlkE", + "variation_id": 0, + "video_id": "50940" + }, + { + "bbox": [ + 25, + 20, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/sheep.swf", + "variation_id": 0, + "video_id": "50941" + } + ] + }, + { + "gloss": "shine", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3440, + "frame_start": 3384, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51019" + }, + { + "bbox": [ + 0, + 2, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 79, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/shine.swf", + "variation_id": 1, + "video_id": "51028" + }, + { + "bbox": [ + 178, + 50, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/shine.mp4", + "variation_id": 0, + "video_id": "51029" + }, + { + "bbox": [ + 40, + 5, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116848.mp4", + "variation_id": 1, + "video_id": "51020" + }, + { + "bbox": [ + 387, + 14, + 1693, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shine%202-mENR6VEYXHU.mp4", + "variation_id": 0, + "video_id": "51021" + }, + { + "bbox": [ + 452, + 51, + 1843, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shine%2C%20Shiny%2C%20Glitter-IzyPMGih0_k.mp4", + "variation_id": 1, + "video_id": "51022" + }, + { + "bbox": [ + 680, + 127, + 1582, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shine-Ior-Q3alCV4.mp4", + "variation_id": 0, + "video_id": "51023" + }, + { + "bbox": [ + 418, + 12, + 1907, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shine-ZHG9YL7McN0.mp4", + "variation_id": 1, + "video_id": "51024" + }, + { + "bbox": [ + 0, + 5, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1489411041.7315.mp4", + "variation_id": 1, + "video_id": "51025" + }, + { + "bbox": [ + 2, + 3, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shine.mp4", + "variation_id": 0, + "video_id": "51026" + }, + { + "bbox": [ + 37, + 9, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7155.mp4", + "variation_id": 1, + "video_id": "51027" + } + ] + }, + { + "gloss": "shock", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3537, + "frame_start": 3498, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51094" + }, + { + "bbox": [ + 42, + 14, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22149.mp4", + "variation_id": 0, + "video_id": "51107" + }, + { + "bbox": [ + 61, + 20, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22662.mp4", + "variation_id": 0, + "video_id": "51108" + }, + { + "bbox": [ + 113, + 28, + 552, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SH/SHOCK-1038.mp4", + "variation_id": 0, + "video_id": "66466" + }, + { + "bbox": [ + 50, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50803.mp4", + "variation_id": 0, + "video_id": "51102" + }, + { + "bbox": [ + 287, + 50, + 1056, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=XCiFsGrb_Nk", + "variation_id": 0, + "video_id": "51112" + }, + { + "bbox": [ + 120, + 55, + 586, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/unbelievable.mp4", + "variation_id": 0, + "video_id": "51114" + }, + { + "bbox": [ + 496, + 82, + 1437, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shock-54HRj8zzfG0.mp4", + "variation_id": 0, + "video_id": "51103" + }, + { + "bbox": [ + 431, + 79, + 1457, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shocked-IsLeSfI-W8c.mp4", + "variation_id": 0, + "video_id": "51104" + }, + { + "bbox": [ + 517, + 75, + 1718, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shocked-Qgz2NjKc2mA.mp4", + "variation_id": 0, + "video_id": "51105" + }, + { + "bbox": [ + 74, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468766088.2832.mp4", + "variation_id": 0, + "video_id": "51106" + } + ] + }, + { + "gloss": "should", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3637, + "frame_start": 3581, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51272" + }, + { + "bbox": [ + 128, + 40, + 394, + 360 + ], + "fps": 25, + "frame_end": 4177, + "frame_start": 4081, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70294" + }, + { + "bbox": [ + 87, + 35, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/94020.mp4", + "variation_id": 0, + "video_id": "51287" + }, + { + "bbox": [ + 777, + 75, + 1751, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 27, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Need-0qij0e7-5Ak.mp4", + "variation_id": 0, + "video_id": "51288" + }, + { + "bbox": [ + 105, + 0, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766471.9482.mp4", + "variation_id": 0, + "video_id": "51289" + }, + { + "bbox": [ + 132, + 31, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1522767226.5503.mp4", + "variation_id": 0, + "video_id": "51290" + }, + { + "bbox": [ + 80, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/should.mp4", + "variation_id": 0, + "video_id": "51291" + }, + { + "bbox": [ + 69, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9563.mp4", + "variation_id": 0, + "video_id": "51292" + }, + { + "bbox": [ + 242, + 0, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=B84UGJp2vg0", + "variation_id": 0, + "video_id": "51293" + }, + { + "bbox": [ + 0, + 9, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/should.swf", + "variation_id": 0, + "video_id": "51294" + }, + { + "bbox": [ + 245, + 39, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/shall.mp4", + "variation_id": 0, + "video_id": "51295" + } + ] + }, + { + "gloss": "silent", + "instances": [ + { + "bbox": [ + 56, + 2, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/486596.mp4", + "variation_id": 0, + "video_id": "51686" + }, + { + "bbox": [ + 15, + 16, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/silent.swf", + "variation_id": 0, + "video_id": "51695" + }, + { + "bbox": [ + 186, + 62, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quiet.mp4", + "variation_id": 0, + "video_id": "51696" + }, + { + "bbox": [ + 684, + 43, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Silent%2C%20Quiet-9rp2ICTeDgM.mp4", + "variation_id": 0, + "video_id": "51687" + }, + { + "bbox": [ + 66, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724581.7977.mp4", + "variation_id": 0, + "video_id": "51688" + }, + { + "bbox": [ + 61, + 10, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/silent.mp4", + "variation_id": 0, + "video_id": "51689" + }, + { + "bbox": [ + 42, + 11, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5611.mp4", + "variation_id": 0, + "video_id": "51690" + }, + { + "bbox": [ + 253, + 35, + 1053, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0fsRmHeevh8", + "variation_id": 0, + "video_id": "51691" + }, + { + "bbox": [ + 316, + 23, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AbdllO40oyg", + "variation_id": 0, + "video_id": "51692" + }, + { + "bbox": [ + 372, + 54, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Fy3xWwrN-jY", + "variation_id": 0, + "video_id": "51693" + }, + { + "bbox": [ + 292, + 21, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=JmjlDJa1h6s", + "variation_id": 0, + "video_id": "51694" + } + ] + }, + { + "gloss": "skinny", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5031, + "frame_start": 4985, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52168" + }, + { + "bbox": [ + 66, + 21, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22387.mp4", + "variation_id": 0, + "video_id": "52175" + }, + { + "bbox": [ + 290, + 41, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FgcjZt-Ook4", + "variation_id": 0, + "video_id": "52176" + }, + { + "bbox": [ + 265, + 48, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=gK7t-dJPP9Y", + "variation_id": 0, + "video_id": "52177" + }, + { + "bbox": [ + 16, + 6, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/skinny.swf", + "variation_id": 0, + "video_id": "52178" + }, + { + "bbox": [ + 214, + 53, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/skinny.mp4", + "variation_id": 0, + "video_id": "52179" + }, + { + "bbox": [ + 67, + 5, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116897.mp4", + "variation_id": 0, + "video_id": "52169" + }, + { + "bbox": [ + 683, + 101, + 1420, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Skinny-tEbXgt8JBYI.mp4", + "variation_id": 0, + "video_id": "52170" + }, + { + "bbox": [ + 148, + 0, + 613, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763590.5677.mp4", + "variation_id": 0, + "video_id": "52171" + }, + { + "bbox": [ + 92, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/skinny.mp4", + "variation_id": 0, + "video_id": "52172" + }, + { + "bbox": [ + 90, + 24, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22386.mp4", + "variation_id": 0, + "video_id": "52174" + } + ] + }, + { + "gloss": "skirt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5108, + "frame_start": 5072, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52197" + }, + { + "bbox": [ + 269, + 7, + 1077, + 720 + ], + "fps": 25, + "frame_end": 51, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=gH_hzPSD9zM", + "variation_id": 0, + "video_id": "68482" + }, + { + "bbox": [ + 347, + 49, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HPSGvj3-kwA", + "variation_id": 0, + "video_id": "52204" + }, + { + "bbox": [ + 26, + 15, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/uuc1Q8HXicI", + "variation_id": 0, + "video_id": "67211" + }, + { + "bbox": [ + 158, + 50, + 652, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/skirt.mp4", + "variation_id": 0, + "video_id": "52208" + }, + { + "bbox": [ + 37, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/485654.mp4", + "variation_id": 0, + "video_id": "52198" + }, + { + "bbox": [ + 382, + 0, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/skirt.mp4", + "variation_id": 0, + "video_id": "52199" + }, + { + "bbox": [ + 744, + 54, + 1625, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Skirt-KiVanDS2-O4.mp4", + "variation_id": 0, + "video_id": "52200" + }, + { + "bbox": [ + 140, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767675.978.mp4", + "variation_id": 0, + "video_id": "52201" + }, + { + "bbox": [ + 52, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/skirt.mp4", + "variation_id": 0, + "video_id": "52202" + }, + { + "bbox": [ + 69, + 24, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22424.mp4", + "variation_id": 0, + "video_id": "52203" + } + ] + }, + { + "gloss": "sky", + "instances": [ + { + "bbox": [ + 159, + 0, + 1093, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/sky.mp4", + "variation_id": 0, + "video_id": "69477" + }, + { + "bbox": [ + 186, + 4, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=GwmuOj4XyNw", + "variation_id": 1, + "video_id": "52236" + }, + { + "bbox": [ + 5, + 1, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sky.swf", + "variation_id": 1, + "video_id": "52237" + }, + { + "bbox": [ + 20, + 32, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/94025.mp4", + "variation_id": 0, + "video_id": "52228" + }, + { + "bbox": [ + 177, + 0, + 588, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sky.mp4", + "variation_id": 1, + "video_id": "52238" + }, + { + "bbox": [ + 467, + 25, + 1713, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20All%20Over%20The%20Place-725jPxe6y-E.mp4", + "variation_id": 1, + "video_id": "52229" + }, + { + "bbox": [ + 368, + 37, + 1861, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sky%202-nmCxPLZmf64.mp4", + "variation_id": 0, + "video_id": "52230" + }, + { + "bbox": [ + 357, + 118, + 1705, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sky-xoEgKe-LIEo.mp4", + "variation_id": 1, + "video_id": "52231" + }, + { + "bbox": [ + 86, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767718.278.mp4", + "variation_id": 0, + "video_id": "52232" + }, + { + "bbox": [ + 65, + 0, + 635, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sky.mp4", + "variation_id": 0, + "video_id": "52233" + }, + { + "bbox": [ + 25, + 0, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8254.mp4", + "variation_id": 1, + "video_id": "52235" + } + ] + }, + { + "gloss": "sour", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7034, + "frame_start": 6965, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53435" + }, + { + "bbox": [ + 157, + 52, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bitter.mp4", + "variation_id": 0, + "video_id": "53452" + }, + { + "bbox": [ + 73, + 15, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307924.mp4", + "variation_id": 0, + "video_id": "53443" + }, + { + "bbox": [ + 373, + 21, + 797, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sour-uc-LWBKqQM0.mp4", + "variation_id": 0, + "video_id": "53444" + }, + { + "bbox": [ + 127, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842010.9834.mp4", + "variation_id": 0, + "video_id": "53445" + }, + { + "bbox": [ + 104, + 0, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/sour.mp4", + "variation_id": 0, + "video_id": "53446" + }, + { + "bbox": [ + 67, + 17, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8096.mp4", + "variation_id": 0, + "video_id": "53447" + }, + { + "bbox": [ + 65, + 18, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8097.mp4", + "variation_id": 0, + "video_id": "53448" + }, + { + "bbox": [ + 80, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8113.mp4", + "variation_id": 0, + "video_id": "53449" + }, + { + "bbox": [ + 334, + 58, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nzlddranfwk", + "variation_id": 0, + "video_id": "53450" + }, + { + "bbox": [ + 0, + 8, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/sour.swf", + "variation_id": 0, + "video_id": "53451" + } + ] + }, + { + "gloss": "special", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7260, + "frame_start": 7201, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53640" + }, + { + "bbox": [ + 372, + 41, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/special.mp4", + "variation_id": 0, + "video_id": "69486" + }, + { + "bbox": [ + 172, + 44, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SP/SPECIAL-1100.mp4", + "variation_id": 0, + "video_id": "66542" + }, + { + "bbox": [ + 218, + 29, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SP/SPECIAL-2017.mp4", + "variation_id": 0, + "video_id": "66543" + }, + { + "bbox": [ + 43, + 13, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89953.mp4", + "variation_id": 0, + "video_id": "53642" + }, + { + "bbox": [ + 649, + 7, + 1758, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Unique-NZP0texXNFo.mp4", + "variation_id": 0, + "video_id": "53643" + }, + { + "bbox": [ + 130, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842292.633.mp4", + "variation_id": 0, + "video_id": "53644" + }, + { + "bbox": [ + 109, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/special.mp4", + "variation_id": 0, + "video_id": "53645" + }, + { + "bbox": [ + 72, + 14, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9108.mp4", + "variation_id": 0, + "video_id": "53646" + }, + { + "bbox": [ + 22, + 18, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/special.swf", + "variation_id": 0, + "video_id": "53647" + }, + { + "bbox": [ + 164, + 48, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/unique.mp4", + "variation_id": 0, + "video_id": "53648" + } + ] + }, + { + "gloss": "spirit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7590, + "frame_start": 7538, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53899" + }, + { + "bbox": [ + 201, + 50, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soul.mp4", + "variation_id": 0, + "video_id": "53910" + }, + { + "bbox": [ + 418, + 53, + 1598, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spirit%2C%20Invisible-yIJAnVz3L_k.mp4", + "variation_id": 0, + "video_id": "53901" + }, + { + "bbox": [ + 621, + 67, + 1634, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spirit-Mb7iUt-pCxs.mp4", + "variation_id": 0, + "video_id": "53902" + }, + { + "bbox": [ + 134, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842505.9874.mp4", + "variation_id": 0, + "video_id": "53903" + }, + { + "bbox": [ + 97, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/spirit.mp4", + "variation_id": 0, + "video_id": "53904" + }, + { + "bbox": [ + 300, + 0, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spiritual.mp4", + "variation_id": 0, + "video_id": "53905" + }, + { + "bbox": [ + 67, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6488.mp4", + "variation_id": 0, + "video_id": "53906" + }, + { + "bbox": [ + 58, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6489.mp4", + "variation_id": 0, + "video_id": "53907" + }, + { + "bbox": [ + 89, + 16, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6947.mp4", + "variation_id": 0, + "video_id": "53908" + }, + { + "bbox": [ + 12, + 12, + 196, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/spirit.swf", + "variation_id": 0, + "video_id": "53909" + } + ] + }, + { + "gloss": "staff", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7935, + "frame_start": 7893, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54255" + }, + { + "bbox": [ + 181, + 51, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/staff.mp4", + "variation_id": 0, + "video_id": "54264" + }, + { + "bbox": [ + 80, + 27, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/T3nLi7YJ7s0", + "variation_id": 0, + "video_id": "67237" + }, + { + "bbox": [ + 78, + 32, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/94353.mp4", + "variation_id": 0, + "video_id": "54256" + }, + { + "bbox": [ + 794, + 47, + 1610, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Staff-0TakNGrX1OQ.mp4", + "variation_id": 0, + "video_id": "54257" + }, + { + "bbox": [ + 54, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468865913.2014.mp4", + "variation_id": 0, + "video_id": "54258" + }, + { + "bbox": [ + 49, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/staff.mp4", + "variation_id": 0, + "video_id": "54259" + }, + { + "bbox": [ + 77, + 15, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7779.mp4", + "variation_id": 0, + "video_id": "54260" + }, + { + "bbox": [ + 287, + 38, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G11HdoSzu_k", + "variation_id": 0, + "video_id": "54261" + }, + { + "bbox": [ + 322, + 23, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V-iARu1iGUI", + "variation_id": 0, + "video_id": "54262" + }, + { + "bbox": [ + 0, + 5, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/staff.swf", + "variation_id": 0, + "video_id": "54263" + } + ] + }, + { + "gloss": "stand", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7978, + "frame_start": 7936, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54360" + }, + { + "bbox": [ + 317, + 0, + 921, + 720 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=NG7ooL7QDMA", + "variation_id": 0, + "video_id": "68734" + }, + { + "bbox": [ + 128, + 0, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=o1XWGA4KCNU", + "variation_id": 0, + "video_id": "68160" + }, + { + "bbox": [ + 191, + 53, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/stand.mp4", + "variation_id": 0, + "video_id": "54385" + }, + { + "bbox": [ + 162, + 18, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STAND-273.mp4", + "variation_id": 0, + "video_id": "66553" + }, + { + "bbox": [ + 395, + 57, + 794, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/stand.mp4", + "variation_id": 0, + "video_id": "54377" + }, + { + "bbox": [ + 106, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468866183.8727.mp4", + "variation_id": 0, + "video_id": "54378" + }, + { + "bbox": [ + 21, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stand.mp4", + "variation_id": 0, + "video_id": "54380" + }, + { + "bbox": [ + 87, + 23, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23390.mp4", + "variation_id": 0, + "video_id": "54381" + }, + { + "bbox": [ + 145, + 12, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KhhowNO7Ywk", + "variation_id": 0, + "video_id": "54383" + }, + { + "bbox": [ + 0, + 18, + 202, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/stand.swf", + "variation_id": 0, + "video_id": "54384" + } + ] + }, + { + "gloss": "steal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8452, + "frame_start": 8406, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54586" + }, + { + "bbox": [ + 138, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468866565.7373.mp4", + "variation_id": 0, + "video_id": "54593" + }, + { + "bbox": [ + 89, + 25, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22594.mp4", + "variation_id": 0, + "video_id": "54597" + }, + { + "bbox": [ + 56, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50823.mp4", + "variation_id": 0, + "video_id": "54588" + }, + { + "bbox": [ + 77, + 17, + 421, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tXrZD_5mEPk", + "variation_id": 0, + "video_id": "67245" + }, + { + "bbox": [ + 313, + 29, + 1008, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=uQyXeoaanbQ", + "variation_id": 0, + "video_id": "54598" + }, + { + "bbox": [ + 24, + 16, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/steal.swf", + "variation_id": 0, + "video_id": "54599" + }, + { + "bbox": [ + 221, + 35, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/steal.mp4", + "variation_id": 0, + "video_id": "54600" + }, + { + "bbox": [ + 425, + 70, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/steal.mp4", + "variation_id": 0, + "video_id": "54589" + }, + { + "bbox": [ + 873, + 56, + 1796, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Steal-jQ1N6TylP9c.mp4", + "variation_id": 0, + "video_id": "54591" + }, + { + "bbox": [ + 694, + 80, + 1631, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Steal-RNTTv5X9LZk.mp4", + "variation_id": 0, + "video_id": "54592" + } + ] + }, + { + "gloss": "stop", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9043, + "frame_start": 9004, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54915" + }, + { + "bbox": [ + 162, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896525.8184.mp4", + "variation_id": 0, + "video_id": "54925" + }, + { + "bbox": [ + 64, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50826.mp4", + "variation_id": 0, + "video_id": "54922" + }, + { + "bbox": [ + 90, + 17, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/bBtf2nxKnys", + "variation_id": 0, + "video_id": "67249" + }, + { + "bbox": [ + 552, + 56, + 1712, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stop-NOpmdQCK_Hs.mp4", + "variation_id": 0, + "video_id": "54923" + }, + { + "bbox": [ + 100, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/stop.mp4", + "variation_id": 0, + "video_id": "54926" + }, + { + "bbox": [ + 79, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7258.mp4", + "variation_id": 0, + "video_id": "54928" + }, + { + "bbox": [ + 317, + 33, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=A84uvLUmCVU", + "variation_id": 0, + "video_id": "54929" + }, + { + "bbox": [ + 386, + 56, + 851, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=l6G0rN4CJRg", + "variation_id": 0, + "video_id": "54930" + }, + { + "bbox": [ + 18, + 1, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stop.swf", + "variation_id": 0, + "video_id": "54931" + }, + { + "bbox": [ + 194, + 53, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/stop.mp4", + "variation_id": 0, + "video_id": "54932" + } + ] + }, + { + "gloss": "stupid", + "instances": [ + { + "bbox": [ + 74, + 23, + 467, + 480 + ], + "fps": 25, + "frame_end": 2634, + "frame_start": 2522, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70371" + }, + { + "bbox": [ + 68, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897579.4591.mp4", + "variation_id": 0, + "video_id": "55423" + }, + { + "bbox": [ + 81, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stupid.mp4", + "variation_id": 0, + "video_id": "55424" + }, + { + "bbox": [ + 56, + 10, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24115.mp4", + "variation_id": 0, + "video_id": "55425" + }, + { + "bbox": [ + 94, + 19, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/F_5EkKs5uLM", + "variation_id": 0, + "video_id": "67258" + }, + { + "bbox": [ + 89, + 20, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Xu0bnrptMxE", + "variation_id": 0, + "video_id": "67257" + }, + { + "bbox": [ + 294, + 16, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hZE-2WNybKs", + "variation_id": 0, + "video_id": "55429" + }, + { + "bbox": [ + 20, + 10, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stupid.swf", + "variation_id": 0, + "video_id": "55430" + }, + { + "bbox": [ + 175, + 52, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stupid.mp4", + "variation_id": 0, + "video_id": "55431" + }, + { + "bbox": [ + 48, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50836.mp4", + "variation_id": 0, + "video_id": "55419" + }, + { + "bbox": [ + 457, + 32, + 1649, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stupid%203-09suNauEzV4.mp4", + "variation_id": 0, + "video_id": "55421" + } + ] + }, + { + "gloss": "summon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10323, + "frame_start": 10277, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55745" + }, + { + "bbox": [ + 11, + 14, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/summon.swf", + "variation_id": 0, + "video_id": "55754" + }, + { + "bbox": [ + 170, + 49, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/beckon.mp4", + "variation_id": 0, + "video_id": "55755" + }, + { + "bbox": [ + 72, + 14, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/117086.mp4", + "variation_id": 0, + "video_id": "55746" + }, + { + "bbox": [ + 147, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897932.823.mp4", + "variation_id": 0, + "video_id": "55747" + }, + { + "bbox": [ + 43, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/summon-me.mp4", + "variation_id": 0, + "video_id": "55748" + }, + { + "bbox": [ + 43, + 16, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/summon.mp4", + "variation_id": 0, + "video_id": "55749" + }, + { + "bbox": [ + 70, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9949.mp4", + "variation_id": 0, + "video_id": "55750" + }, + { + "bbox": [ + 82, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9950.mp4", + "variation_id": 0, + "video_id": "55751" + }, + { + "bbox": [ + 259, + 41, + 1062, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=APdwzmXNXaM", + "variation_id": 0, + "video_id": "55752" + }, + { + "bbox": [ + 271, + 56, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=TKcBhCyysVM", + "variation_id": 0, + "video_id": "55753" + } + ] + }, + { + "gloss": "sunrise", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10420, + "frame_start": 10371, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55837" + }, + { + "bbox": [ + 231, + 41, + 1005, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=b1zc4B9w18g", + "variation_id": 0, + "video_id": "55843" + }, + { + "bbox": [ + 296, + 37, + 993, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bS5TGnuQWpo", + "variation_id": 0, + "video_id": "55844" + }, + { + "bbox": [ + 252, + 47, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=G4aFaJtzQGk", + "variation_id": 0, + "video_id": "55845" + }, + { + "bbox": [ + 161, + 25, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SU/SUNRISE-720.mp4", + "variation_id": 0, + "video_id": "66580" + }, + { + "bbox": [ + 281, + 9, + 1108, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Oxf4XfuhE88", + "variation_id": 0, + "video_id": "55847" + }, + { + "bbox": [ + 5, + 11, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sunrise.swf", + "variation_id": 0, + "video_id": "55848" + }, + { + "bbox": [ + 159, + 54, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dawn.mp4", + "variation_id": 0, + "video_id": "55849" + }, + { + "bbox": [ + 50, + 7, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sunrise.mp4", + "variation_id": 0, + "video_id": "55840" + }, + { + "bbox": [ + 76, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14856.mp4", + "variation_id": 0, + "video_id": "55841" + }, + { + "bbox": [ + 73, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14857.mp4", + "variation_id": 0, + "video_id": "55842" + } + ] + }, + { + "gloss": "swallow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11108, + "frame_start": 11052, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56191" + }, + { + "bbox": [ + 0, + 5, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/swallow.swf", + "variation_id": 0, + "video_id": "56201" + }, + { + "bbox": [ + 221, + 37, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/swallow.mp4", + "variation_id": 0, + "video_id": "56202" + }, + { + "bbox": [ + 39, + 4, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 28, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/483780.mp4", + "variation_id": 0, + "video_id": "56193" + }, + { + "bbox": [ + 93, + 17, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5dxS1bEQCtQ", + "variation_id": 0, + "video_id": "67270" + }, + { + "bbox": [ + 841, + 67, + 1614, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gulp%2C%20Swallow-NXp4nqxNwPk.mp4", + "variation_id": 0, + "video_id": "56194" + }, + { + "bbox": [ + 641, + 92, + 1354, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Swallow-SWbn3G61te0.mp4", + "variation_id": 0, + "video_id": "56195" + }, + { + "bbox": [ + 129, + 1, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898558.7723.mp4", + "variation_id": 0, + "video_id": "56196" + }, + { + "bbox": [ + 54, + 13, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/swallow.mp4", + "variation_id": 0, + "video_id": "56197" + }, + { + "bbox": [ + 88, + 22, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23299.mp4", + "variation_id": 0, + "video_id": "56198" + }, + { + "bbox": [ + 62, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8845.mp4", + "variation_id": 0, + "video_id": "56199" + } + ] + }, + { + "gloss": "television", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 839, + "frame_start": 793, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57260" + }, + { + "bbox": [ + 298, + 32, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=L7VJjHM2l9A", + "variation_id": 0, + "video_id": "57268" + }, + { + "bbox": [ + 328, + 67, + 863, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=RCLhPemgKj0", + "variation_id": 0, + "video_id": "57269" + }, + { + "bbox": [ + 173, + 51, + 541, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/tv.mp4", + "variation_id": 0, + "video_id": "57271" + }, + { + "bbox": [ + 58, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58388.mp4", + "variation_id": 0, + "video_id": "57261" + }, + { + "bbox": [ + 385, + 56, + 795, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/television.mp4", + "variation_id": 0, + "video_id": "57262" + }, + { + "bbox": [ + 114, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468942742.1705.mp4", + "variation_id": 0, + "video_id": "57263" + }, + { + "bbox": [ + 41, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/television-tv.mp4", + "variation_id": 0, + "video_id": "57264" + }, + { + "bbox": [ + 72, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9534.mp4", + "variation_id": 0, + "video_id": "57265" + }, + { + "bbox": [ + 69, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9536.mp4", + "variation_id": 0, + "video_id": "57266" + }, + { + "bbox": [ + 400, + 65, + 852, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=IKMkJ-PE0DA", + "variation_id": 0, + "video_id": "57267" + } + ] + }, + { + "gloss": "to", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3211, + "frame_start": 3172, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58629" + }, + { + "bbox": [ + 181, + 52, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/to.mp4", + "variation_id": 0, + "video_id": "58730" + }, + { + "bbox": [ + 53, + 16, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90088.mp4", + "variation_id": 0, + "video_id": "58721" + }, + { + "bbox": [ + 695, + 54, + 1650, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20To-q6oIZTKkhzw.mp4", + "variation_id": 0, + "video_id": "58722" + }, + { + "bbox": [ + 693, + 54, + 1648, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20To-wGaGr4j4UjQ.mp4", + "variation_id": 0, + "video_id": "58723" + }, + { + "bbox": [ + 64, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468925328.4856.mp4", + "variation_id": 0, + "video_id": "58724" + }, + { + "bbox": [ + 64, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945694.5004.mp4", + "variation_id": 0, + "video_id": "58725" + }, + { + "bbox": [ + 136, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/to.mp4", + "variation_id": 0, + "video_id": "58726" + }, + { + "bbox": [ + 64, + 9, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8675.mp4", + "variation_id": 0, + "video_id": "58727" + }, + { + "bbox": [ + 234, + 19, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2QnEVRZ9_Mc", + "variation_id": 0, + "video_id": "58728" + }, + { + "bbox": [ + 0, + 19, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/to.swf", + "variation_id": 0, + "video_id": "58729" + } + ] + }, + { + "gloss": "together", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3411, + "frame_start": 3339, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58705" + }, + { + "bbox": [ + 185, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/together.mp4", + "variation_id": 0, + "video_id": "58714" + }, + { + "bbox": [ + 174, + 35, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOGETHER-300.mp4", + "variation_id": 0, + "video_id": "66653" + }, + { + "bbox": [ + 57, + 13, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63597.mp4", + "variation_id": 0, + "video_id": "58706" + }, + { + "bbox": [ + 132, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945783.6422.mp4", + "variation_id": 0, + "video_id": "58707" + }, + { + "bbox": [ + 137, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/together.mp4", + "variation_id": 0, + "video_id": "58708" + }, + { + "bbox": [ + 69, + 8, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9291.mp4", + "variation_id": 0, + "video_id": "58709" + }, + { + "bbox": [ + 79, + 10, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9807.mp4", + "variation_id": 0, + "video_id": "58710" + }, + { + "bbox": [ + 338, + 28, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=H8frIh9Lb_A", + "variation_id": 0, + "video_id": "58711" + }, + { + "bbox": [ + 357, + 43, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=k9ZhLoZi2W0", + "variation_id": 0, + "video_id": "58712" + }, + { + "bbox": [ + 0, + 9, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/together.swf", + "variation_id": 0, + "video_id": "58713" + } + ] + }, + { + "gloss": "translate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5025, + "frame_start": 4976, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59404" + }, + { + "bbox": [ + 190, + 56, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/change.mp4", + "variation_id": 0, + "video_id": "59411" + }, + { + "bbox": [ + 159, + 32, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRANSLATE-1302.mp4", + "variation_id": 0, + "video_id": "66669" + }, + { + "bbox": [ + 166, + 33, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRANSLATE-1304.mp4", + "variation_id": 0, + "video_id": "66670" + }, + { + "bbox": [ + 90, + 18, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/piy4kuBeYIc", + "variation_id": 0, + "video_id": "67320" + }, + { + "bbox": [ + 54, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50919.mp4", + "variation_id": 0, + "video_id": "59405" + }, + { + "bbox": [ + 706, + 140, + 1486, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Translate-gF7c15lemOI.mp4", + "variation_id": 0, + "video_id": "59406" + }, + { + "bbox": [ + 127, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946793.6494.mp4", + "variation_id": 0, + "video_id": "59407" + }, + { + "bbox": [ + 63, + 14, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/translate.mp4", + "variation_id": 0, + "video_id": "59408" + }, + { + "bbox": [ + 95, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8203.mp4", + "variation_id": 0, + "video_id": "59409" + }, + { + "bbox": [ + 8, + 15, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/translate.swf", + "variation_id": 0, + "video_id": "59410" + } + ] + }, + { + "gloss": "triangle", + "instances": [ + { + "bbox": [ + 31, + 6, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/90127.mp4", + "variation_id": 0, + "video_id": "59596" + }, + { + "bbox": [ + 74, + 17, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23705.mp4", + "variation_id": 0, + "video_id": "59602" + }, + { + "bbox": [ + 75, + 14, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23706.mp4", + "variation_id": 0, + "video_id": "59603" + }, + { + "bbox": [ + 318, + 49, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=RO5ls-fknzc", + "variation_id": 0, + "video_id": "59604" + }, + { + "bbox": [ + 309, + 44, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vLuW3XF3pnY", + "variation_id": 0, + "video_id": "59605" + }, + { + "bbox": [ + 8, + 7, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/triangle.swf", + "variation_id": 0, + "video_id": "59607" + }, + { + "bbox": [ + 0, + 5, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/triangle_tool.swf", + "variation_id": 0, + "video_id": "59608" + }, + { + "bbox": [ + 180, + 45, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/triangle.mp4", + "variation_id": 0, + "video_id": "59609" + }, + { + "bbox": [ + 530, + 74, + 1459, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Triangle-iLHmsNNkMJk.mp4", + "variation_id": 0, + "video_id": "59597" + }, + { + "bbox": [ + 95, + 0, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947238.6541.mp4", + "variation_id": 0, + "video_id": "59598" + }, + { + "bbox": [ + 67, + 10, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/triangle.mp4", + "variation_id": 0, + "video_id": "59599" + } + ] + }, + { + "gloss": "turtle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5596, + "frame_start": 5537, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "60043" + }, + { + "bbox": [ + 176, + 50, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tortoise.mp4", + "variation_id": 0, + "video_id": "60052" + }, + { + "bbox": [ + 114, + 16, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/xlZa4iOdIDQ", + "variation_id": 0, + "video_id": "67330" + }, + { + "bbox": [ + 48, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50931.mp4", + "variation_id": 0, + "video_id": "60044" + }, + { + "bbox": [ + 661, + 89, + 1530, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Turtle%2C%20Tortoise-vIs5kgMG1Rg.mp4", + "variation_id": 0, + "video_id": "60045" + }, + { + "bbox": [ + 142, + 42, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1499952817.2187.mp4", + "variation_id": 0, + "video_id": "60046" + }, + { + "bbox": [ + 90, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/turtle.mp4", + "variation_id": 0, + "video_id": "60047" + }, + { + "bbox": [ + 80, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14638.mp4", + "variation_id": 0, + "video_id": "60048" + }, + { + "bbox": [ + 404, + 43, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1ks2D_AhAX4", + "variation_id": 0, + "video_id": "60049" + }, + { + "bbox": [ + 342, + 63, + 905, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=rhBdtLIMXX4", + "variation_id": 0, + "video_id": "60050" + }, + { + "bbox": [ + 7, + 19, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/turtle.swf", + "variation_id": 0, + "video_id": "60051" + } + ] + }, + { + "gloss": "underwear", + "instances": [ + { + "bbox": [ + 197, + 29, + 498, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 100, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UN/UNDERWEAR-1358.mp4", + "variation_id": 0, + "video_id": "66705" + }, + { + "bbox": [ + 682, + 92, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Underwear%202-ExfUWbZZvQQ.mp4", + "variation_id": 0, + "video_id": "60572" + }, + { + "bbox": [ + 711, + 60, + 1672, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Flag%20Football-GHDAZ4TY-Vc.mp4", + "variation_id": 0, + "video_id": "60571" + }, + { + "bbox": [ + 651, + 96, + 1739, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Underwear-U_i7Km0IN-o.mp4", + "variation_id": 0, + "video_id": "60574" + }, + { + "bbox": [ + 788, + 38, + 1675, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Underwear-Wd1ztuUT03s.mp4", + "variation_id": 0, + "video_id": "60575" + }, + { + "bbox": [ + 48, + 13, + 473, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/eUb3iJ__lJo", + "variation_id": 0, + "video_id": "67019" + }, + { + "bbox": [ + 48, + 0, + 621, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468924953.3954.mp4", + "variation_id": 0, + "video_id": "60576" + }, + { + "bbox": [ + 39, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/underwear.mp4", + "variation_id": 0, + "video_id": "60578" + }, + { + "bbox": [ + 87, + 23, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8363.mp4", + "variation_id": 0, + "video_id": "60579" + }, + { + "bbox": [ + 127, + 65, + 581, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/underwear.mp4", + "variation_id": 0, + "video_id": "60583" + }, + { + "bbox": [ + 335, + 26, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=yKAFC9iyxas", + "variation_id": 0, + "video_id": "60580" + } + ] + }, + { + "gloss": "up", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 562, + "frame_start": 526, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60887" + }, + { + "bbox": [ + 280, + 39, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/up.mp4", + "variation_id": 0, + "video_id": "69522" + }, + { + "bbox": [ + 170, + 47, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/up.mp4", + "variation_id": 0, + "video_id": "60915" + }, + { + "bbox": [ + 205, + 30, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UP/UP-1362.mp4", + "variation_id": 0, + "video_id": "66709" + }, + { + "bbox": [ + 35, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/400246.mp4", + "variation_id": 0, + "video_id": "60907" + }, + { + "bbox": [ + 688, + 51, + 1498, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Up-rH8ndRMBnPk.mp4", + "variation_id": 0, + "video_id": "60909" + }, + { + "bbox": [ + 92, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925349.6074.mp4", + "variation_id": 0, + "video_id": "60910" + }, + { + "bbox": [ + 77, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/up.mp4", + "variation_id": 0, + "video_id": "60911" + }, + { + "bbox": [ + 44, + 1, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9528.mp4", + "variation_id": 0, + "video_id": "60912" + }, + { + "bbox": [ + 142, + 7, + 476, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7xB0H2KKuRI", + "variation_id": 0, + "video_id": "60913" + }, + { + "bbox": [ + 3, + 16, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 83, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/u/up.swf", + "variation_id": 0, + "video_id": "60914" + } + ] + }, + { + "gloss": "upset", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 612, + "frame_start": 563, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60947" + }, + { + "bbox": [ + 170, + 61, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/upset.mp4", + "variation_id": 0, + "video_id": "60956" + }, + { + "bbox": [ + 197, + 28, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UP/UPSET-1365.mp4", + "variation_id": 0, + "video_id": "66712" + }, + { + "bbox": [ + 155, + 30, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UP/UPSET-312.mp4", + "variation_id": 0, + "video_id": "66711" + }, + { + "bbox": [ + 33, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/482587.mp4", + "variation_id": 0, + "video_id": "60948" + }, + { + "bbox": [ + 390, + 54, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/upset.mp4", + "variation_id": 0, + "video_id": "60949" + }, + { + "bbox": [ + 522, + 75, + 1491, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Upset%202-6aTeprI_Uak.mp4", + "variation_id": 0, + "video_id": "60950" + }, + { + "bbox": [ + 613, + 74, + 1486, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Upset-x7SwYx6dX9Q.mp4", + "variation_id": 0, + "video_id": "60951" + }, + { + "bbox": [ + 87, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925400.2107.mp4", + "variation_id": 0, + "video_id": "60952" + }, + { + "bbox": [ + 0, + 0, + 465, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/upset.mp4", + "variation_id": 0, + "video_id": "60953" + }, + { + "bbox": [ + 45, + 10, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9369.mp4", + "variation_id": 0, + "video_id": "60954" + } + ] + }, + { + "gloss": "violin", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 558, + "frame_start": 486, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61737" + }, + { + "bbox": [ + 182, + 38, + 635, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/violin.mp4", + "variation_id": 0, + "video_id": "61745" + }, + { + "bbox": [ + 187, + 28, + 531, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VI/VIOLIN-1396.mp4", + "variation_id": 0, + "video_id": "66729" + }, + { + "bbox": [ + 100, + 0, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/lDQsbdE0mZ8", + "variation_id": 0, + "video_id": "67029" + }, + { + "bbox": [ + 33, + 42, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90176.mp4", + "variation_id": 0, + "video_id": "61738" + }, + { + "bbox": [ + 469, + 66, + 1640, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Violin%2C%20Viola-h1kfxx5Eo6Y.mp4", + "variation_id": 0, + "video_id": "61739" + }, + { + "bbox": [ + 125, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926566.3189.mp4", + "variation_id": 0, + "video_id": "61740" + }, + { + "bbox": [ + 0, + 5, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/violin.mp4", + "variation_id": 0, + "video_id": "61741" + }, + { + "bbox": [ + 58, + 14, + 280, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23145.mp4", + "variation_id": 0, + "video_id": "61742" + }, + { + "bbox": [ + 55, + 15, + 279, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23146.mp4", + "variation_id": 0, + "video_id": "61743" + }, + { + "bbox": [ + 0, + 19, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/v/violin.swf", + "variation_id": 0, + "video_id": "61744" + } + ] + }, + { + "gloss": "volunteer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 995, + "frame_start": 936, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61965" + }, + { + "bbox": [ + 223, + 37, + 1003, + 720 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=cI9EDpm5Kpg", + "variation_id": 0, + "video_id": "68378" + }, + { + "bbox": [ + 177, + 31, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VO/VOLUNTEER-1404.mp4", + "variation_id": 0, + "video_id": "66739" + }, + { + "bbox": [ + 78, + 9, + 239, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/volunteer.mov", + "variation_id": 0, + "video_id": "61966" + }, + { + "bbox": [ + 50, + 5, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/245031.mp4", + "variation_id": 0, + "video_id": "61967" + }, + { + "bbox": [ + 708, + 84, + 1632, + 1057 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Volunteer%2C%20Candidate%2C%20Apply-fvfW4vWBTxM.mp4", + "variation_id": 0, + "video_id": "61968" + }, + { + "bbox": [ + 44, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926769.4839.mp4", + "variation_id": 0, + "video_id": "61969" + }, + { + "bbox": [ + 87, + 3, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/volunteer.mp4", + "variation_id": 0, + "video_id": "61970" + }, + { + "bbox": [ + 65, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7170.mp4", + "variation_id": 0, + "video_id": "61971" + }, + { + "bbox": [ + 2, + 5, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/volunteer.swf", + "variation_id": 0, + "video_id": "61972" + }, + { + "bbox": [ + 216, + 39, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/volunteer.mp4", + "variation_id": 0, + "video_id": "61973" + } + ] + }, + { + "gloss": "warm", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 473, + "frame_start": 414, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62285" + }, + { + "bbox": [ + 245, + 40, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/warm.mp4", + "variation_id": 0, + "video_id": "62297" + }, + { + "bbox": [ + 404, + 55, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/warm.mp4", + "variation_id": 0, + "video_id": "62289" + }, + { + "bbox": [ + 103, + 13, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/5NTRZ84rDg8", + "variation_id": 0, + "video_id": "67041" + }, + { + "bbox": [ + 529, + 40, + 1058, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Warm-7g7YdppVbX8.mp4", + "variation_id": 0, + "video_id": "62290" + }, + { + "bbox": [ + 165, + 3, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468926995.3811.mp4", + "variation_id": 0, + "video_id": "62291" + }, + { + "bbox": [ + 103, + 0, + 491, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/warm2.mp4", + "variation_id": 0, + "video_id": "62292" + }, + { + "bbox": [ + 113, + 0, + 496, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/warm.mp4", + "variation_id": 0, + "video_id": "62293" + }, + { + "bbox": [ + 84, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6294.mp4", + "variation_id": 0, + "video_id": "62294" + }, + { + "bbox": [ + 319, + 31, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rSgVWUc1J0w", + "variation_id": 0, + "video_id": "62295" + }, + { + "bbox": [ + 35, + 18, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/warm.swf", + "variation_id": 0, + "video_id": "62296" + } + ] + }, + { + "gloss": "warn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 520, + "frame_start": 474, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62301" + }, + { + "bbox": [ + 242, + 39, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/advise.mp4", + "variation_id": 0, + "video_id": "62309" + }, + { + "bbox": [ + 199, + 30, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WARN-1411.mp4", + "variation_id": 0, + "video_id": "66747" + }, + { + "bbox": [ + 103, + 13, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/HJj3P07CBFc", + "variation_id": 0, + "video_id": "67040" + }, + { + "bbox": [ + 39, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50945.mp4", + "variation_id": 0, + "video_id": "62302" + }, + { + "bbox": [ + 154, + 0, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468927013.1865.mp4", + "variation_id": 0, + "video_id": "62303" + }, + { + "bbox": [ + 123, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/warn.mp4", + "variation_id": 0, + "video_id": "62304" + }, + { + "bbox": [ + 62, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7415.mp4", + "variation_id": 0, + "video_id": "62305" + }, + { + "bbox": [ + 52, + 5, + 496, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kkJY3WXTqmI", + "variation_id": 0, + "video_id": "62306" + }, + { + "bbox": [ + 318, + 20, + 1055, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kkJY3WXTqmI", + "variation_id": 0, + "video_id": "62307" + }, + { + "bbox": [ + 13, + 6, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/warn.swf", + "variation_id": 0, + "video_id": "62308" + } + ] + }, + { + "gloss": "wash", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 587, + "frame_start": 521, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62329" + }, + { + "bbox": [ + 145, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927105.8993.mp4", + "variation_id": 0, + "video_id": "62358" + }, + { + "bbox": [ + 115, + 0, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wash-dish.mp4", + "variation_id": 0, + "video_id": "62360" + }, + { + "bbox": [ + 67, + 17, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wash.mp4", + "variation_id": 0, + "video_id": "62363" + }, + { + "bbox": [ + 84, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6978.mp4", + "variation_id": 0, + "video_id": "62365" + }, + { + "bbox": [ + 48, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50941.mp4", + "variation_id": 0, + "video_id": "62356" + }, + { + "bbox": [ + 76, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6980.mp4", + "variation_id": 0, + "video_id": "62367" + }, + { + "bbox": [ + 333, + 37, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Whiibgq84LY", + "variation_id": 0, + "video_id": "62370" + }, + { + "bbox": [ + 7, + 18, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wash.swf", + "variation_id": 0, + "video_id": "62371" + }, + { + "bbox": [ + 245, + 40, + 511, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wash.mp4", + "variation_id": 0, + "video_id": "62372" + }, + { + "bbox": [ + 432, + 61, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/washing.mp4", + "variation_id": 0, + "video_id": "62357" + } + ] + }, + { + "gloss": "wine", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2734, + "frame_start": 2658, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63447" + }, + { + "bbox": [ + 148, + 27, + 463, + 480 + ], + "fps": 25, + "frame_end": 3328, + "frame_start": 3213, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70070" + }, + { + "bbox": [ + 71, + 20, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2vg_8UX2bDQ", + "variation_id": 0, + "video_id": "67071" + }, + { + "bbox": [ + 79, + 27, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92795.mp4", + "variation_id": 0, + "video_id": "63448" + }, + { + "bbox": [ + 590, + 56, + 1613, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wine-uQou6pZTucA.mp4", + "variation_id": 0, + "video_id": "63449" + }, + { + "bbox": [ + 146, + 11, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468928718.926.mp4", + "variation_id": 0, + "video_id": "63450" + }, + { + "bbox": [ + 65, + 14, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wine.mp4", + "variation_id": 0, + "video_id": "63451" + }, + { + "bbox": [ + 74, + 15, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7153.mp4", + "variation_id": 0, + "video_id": "63452" + }, + { + "bbox": [ + 313, + 58, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3u3AQ4mzx6c", + "variation_id": 0, + "video_id": "63453" + }, + { + "bbox": [ + 0, + 6, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wine.swf", + "variation_id": 0, + "video_id": "63454" + }, + { + "bbox": [ + 217, + 54, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/wine.mp4", + "variation_id": 0, + "video_id": "63455" + } + ] + }, + { + "gloss": "witness", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3097, + "frame_start": 3015, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63621" + }, + { + "bbox": [ + 223, + 35, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/witness.mp4", + "variation_id": 0, + "video_id": "63640" + }, + { + "bbox": [ + 67, + 19, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/306740.mp4", + "variation_id": 0, + "video_id": "63622" + }, + { + "bbox": [ + 657, + 77, + 1529, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Witness%202-ITr-d6nDLlU.mp4", + "variation_id": 1, + "video_id": "63623" + }, + { + "bbox": [ + 42, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/witness.mp4", + "variation_id": 1, + "video_id": "63626" + }, + { + "bbox": [ + 63, + 13, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14025.mp4", + "variation_id": 1, + "video_id": "63628" + }, + { + "bbox": [ + 63, + 13, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14025.mp4", + "variation_id": 1, + "video_id": "63629" + }, + { + "bbox": [ + 68, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14026.mp4", + "variation_id": 0, + "video_id": "63630" + }, + { + "bbox": [ + 300, + 39, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jrQByYr1zzs", + "variation_id": 1, + "video_id": "63637" + }, + { + "bbox": [ + 301, + 40, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pWn_96BGcOg", + "variation_id": 0, + "video_id": "63638" + }, + { + "bbox": [ + 27, + 16, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/witness.swf", + "variation_id": 0, + "video_id": "63639" + } + ] + }, + { + "gloss": "wood", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3477, + "frame_start": 3421, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63720" + }, + { + "bbox": [ + 216, + 38, + 524, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wood.mp4", + "variation_id": 0, + "video_id": "63729" + }, + { + "bbox": [ + 161, + 4, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WOOD-1448.mp4", + "variation_id": 0, + "video_id": "66802" + }, + { + "bbox": [ + 73, + 20, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/308784.mp4", + "variation_id": 0, + "video_id": "63722" + }, + { + "bbox": [ + 74, + 15, + 412, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TPzoBjUh-78", + "variation_id": 0, + "video_id": "67080" + }, + { + "bbox": [ + 396, + 51, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wood.mp4", + "variation_id": 0, + "video_id": "63723" + }, + { + "bbox": [ + 121, + 5, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468929000.5595.mp4", + "variation_id": 0, + "video_id": "63724" + }, + { + "bbox": [ + 0, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wood.mp4", + "variation_id": 0, + "video_id": "63725" + }, + { + "bbox": [ + 70, + 20, + 217, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8460.mp4", + "variation_id": 0, + "video_id": "63726" + }, + { + "bbox": [ + 339, + 0, + 1077, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Jl02T1KXfBc", + "variation_id": 0, + "video_id": "63727" + }, + { + "bbox": [ + 0, + 4, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/wood.swf", + "variation_id": 0, + "video_id": "63728" + } + ] + }, + { + "gloss": "zero", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 63, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=p-12NiIfKas", + "variation_id": 0, + "video_id": "64543" + }, + { + "bbox": [ + 334, + 37, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=q1K73DTMhrQ", + "variation_id": 0, + "video_id": "68193" + }, + { + "bbox": [ + 101, + 15, + 535, + 357 + ], + "fps": 25, + "frame_end": 55, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=rKRrBDfRsLQ", + "variation_id": 0, + "video_id": "68862" + }, + { + "bbox": [ + 178, + 65, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/zero.mp4", + "variation_id": 0, + "video_id": "64551" + }, + { + "bbox": [ + 159, + 12, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ZE/ZERO-1478.mp4", + "variation_id": 0, + "video_id": "66825" + }, + { + "bbox": [ + 71, + 19, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/0BpcKi24LKs", + "variation_id": 0, + "video_id": "67017" + }, + { + "bbox": [ + 50, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 1, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357173.mp4", + "variation_id": 0, + "video_id": "64544" + }, + { + "bbox": [ + 39, + 0, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/z/zero.mp4", + "variation_id": 0, + "video_id": "64546" + }, + { + "bbox": [ + 80, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11000.mp4", + "variation_id": 0, + "video_id": "64547" + }, + { + "bbox": [ + 304, + 36, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=92g3hoxss6s", + "variation_id": 0, + "video_id": "64548" + }, + { + "bbox": [ + 0, + 18, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 83, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/z/zero.swf", + "variation_id": 0, + "video_id": "64550" + } + ] + }, + { + "gloss": "across", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 506, + "frame_start": 454, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00829" + }, + { + "bbox": [ + 67, + 2, + 518, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=k1Fel03G3bo", + "variation_id": 0, + "video_id": "00840" + }, + { + "bbox": [ + 17, + 17, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/across.swf", + "variation_id": 0, + "video_id": "00841" + }, + { + "bbox": [ + 65, + 13, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/307861.mp4", + "variation_id": 0, + "video_id": "00832" + }, + { + "bbox": [ + 194, + 47, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/across.mp4", + "variation_id": 0, + "video_id": "00842" + }, + { + "bbox": [ + 422, + 65, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/across.mp4", + "variation_id": 0, + "video_id": "00834" + }, + { + "bbox": [ + 601, + 70, + 1537, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Across%2C%20After-45sHKp00VF8.mp4", + "variation_id": 0, + "video_id": "00835" + }, + { + "bbox": [ + 648, + 79, + 1538, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Across-WW0e9kxBLH8.mp4", + "variation_id": 0, + "video_id": "00836" + }, + { + "bbox": [ + 28, + 34, + 554, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/across.mp4", + "variation_id": 0, + "video_id": "00838" + }, + { + "bbox": [ + 62, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9396.mp4", + "variation_id": 0, + "video_id": "00839" + } + ] + }, + { + "gloss": "actor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 673, + "frame_start": 611, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00897" + }, + { + "bbox": [ + 188, + 0, + 529, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACTOR-2049.mp4", + "variation_id": 0, + "video_id": "65017" + }, + { + "bbox": [ + 103, + 14, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qSnQk_qh4ig", + "variation_id": 0, + "video_id": "67347" + }, + { + "bbox": [ + 59, + 5, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/118328.mp4", + "variation_id": 0, + "video_id": "00898" + }, + { + "bbox": [ + 188, + 15, + 563, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/actor.mp4", + "variation_id": 0, + "video_id": "00899" + }, + { + "bbox": [ + 89, + 17, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466169278.9318.mp4", + "variation_id": 0, + "video_id": "00900" + }, + { + "bbox": [ + 55, + 8, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14059.mp4", + "variation_id": 0, + "video_id": "00901" + }, + { + "bbox": [ + 367, + 30, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PKC2XAMJN5Q", + "variation_id": 0, + "video_id": "00902" + }, + { + "bbox": [ + 19, + 7, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 18, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/a/actor.swf", + "variation_id": 0, + "video_id": "00903" + }, + { + "bbox": [ + 178, + 48, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/actor.mp4", + "variation_id": 0, + "video_id": "00904" + } + ] + }, + { + "gloss": "agree", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1418, + "frame_start": 1379, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01572" + }, + { + "bbox": [ + 134, + 22, + 505, + 480 + ], + "fps": 25, + "frame_end": 3689, + "frame_start": 3581, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70117" + }, + { + "bbox": [ + 35, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118370.mp4", + "variation_id": 0, + "video_id": "01575" + }, + { + "bbox": [ + 556, + 80, + 1542, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Agree%2C%20Agreement-twWwDKv5vq4.mp4", + "variation_id": 0, + "video_id": "01576" + }, + { + "bbox": [ + 93, + 23, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171725.5142.mp4", + "variation_id": 0, + "video_id": "01577" + }, + { + "bbox": [ + 79, + 43, + 623, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/agree.mp4", + "variation_id": 0, + "video_id": "01578" + }, + { + "bbox": [ + 58, + 19, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8508.mp4", + "variation_id": 0, + "video_id": "01579" + }, + { + "bbox": [ + 197, + 46, + 1018, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WhB0k01dsVk", + "variation_id": 0, + "video_id": "01580" + }, + { + "bbox": [ + 0, + 14, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/agree.swf", + "variation_id": 0, + "video_id": "01581" + }, + { + "bbox": [ + 163, + 49, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/agree.mp4", + "variation_id": 0, + "video_id": "01582" + } + ] + }, + { + "gloss": "alarm", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1575, + "frame_start": 1529, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01796" + }, + { + "bbox": [ + 171, + 46, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alarm.mp4", + "variation_id": 0, + "video_id": "01808" + }, + { + "bbox": [ + 165, + 11, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALARM-402.mp4", + "variation_id": 0, + "video_id": "65040" + }, + { + "bbox": [ + 60, + 13, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/72318.mp4", + "variation_id": 0, + "video_id": "01801" + }, + { + "bbox": [ + 125, + 21, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/o6AbLt8vmBw", + "variation_id": 0, + "video_id": "67355" + }, + { + "bbox": [ + 144, + 24, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522676201.3756.mp4", + "variation_id": 0, + "video_id": "01802" + }, + { + "bbox": [ + 104, + 29, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/alarm.mp4", + "variation_id": 0, + "video_id": "01803" + }, + { + "bbox": [ + 68, + 17, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1071.mp4", + "variation_id": 0, + "video_id": "01804" + }, + { + "bbox": [ + 352, + 48, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Ose8i0UId5A", + "variation_id": 0, + "video_id": "01805" + }, + { + "bbox": [ + 2, + 13, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/alarm.swf", + "variation_id": 0, + "video_id": "01806" + } + ] + }, + { + "gloss": "allergy", + "instances": [ + { + "bbox": [ + 170, + 10, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALLERGY-2881.mp4", + "variation_id": 0, + "video_id": "65050" + }, + { + "bbox": [ + 41, + 11, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5321.mp4", + "variation_id": 0, + "video_id": "01962" + }, + { + "bbox": [ + 4, + 13, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/allergy.swf", + "variation_id": 0, + "video_id": "01964" + }, + { + "bbox": [ + 145, + 7, + 523, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALLERGY-2885.mp4", + "variation_id": 0, + "video_id": "65051" + }, + { + "bbox": [ + 65, + 27, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91688.mp4", + "variation_id": 0, + "video_id": "01955" + }, + { + "bbox": [ + 243, + 36, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/allergy.mp4", + "variation_id": 0, + "video_id": "01965" + }, + { + "bbox": [ + 343, + 43, + 1065, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Allergy.mp4", + "variation_id": 0, + "video_id": "01956" + }, + { + "bbox": [ + 36, + 22, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466173011.385.mp4", + "variation_id": 0, + "video_id": "01957" + }, + { + "bbox": [ + 101, + 12, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/allergy.mp4", + "variation_id": 0, + "video_id": "01959" + }, + { + "bbox": [ + 38, + 13, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/522.mp4", + "variation_id": 0, + "video_id": "01960" + } + ] + }, + { + "gloss": "almost", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1838, + "frame_start": 1802, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02089" + }, + { + "bbox": [ + 173, + 34, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALMOST-646.mp4", + "variation_id": 0, + "video_id": "65056" + }, + { + "bbox": [ + 54, + 1, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50050.mp4", + "variation_id": 0, + "video_id": "02091" + }, + { + "bbox": [ + 620, + 68, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Almost-fqDY_RZ3PVY.mp4", + "variation_id": 0, + "video_id": "02092" + }, + { + "bbox": [ + 122, + 17, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466173357.3045.mp4", + "variation_id": 0, + "video_id": "02093" + }, + { + "bbox": [ + 136, + 8, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/almost.mp4", + "variation_id": 0, + "video_id": "02094" + }, + { + "bbox": [ + 58, + 9, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9611.mp4", + "variation_id": 0, + "video_id": "02095" + }, + { + "bbox": [ + 172, + 10, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9e6DyEch1FA", + "variation_id": 0, + "video_id": "02096" + }, + { + "bbox": [ + 327, + 56, + 885, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=lSLPqu_vm-k", + "variation_id": 0, + "video_id": "02097" + }, + { + "bbox": [ + 5, + 11, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/almost.swf", + "variation_id": 0, + "video_id": "02098" + } + ] + }, + { + "gloss": "announce", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2779, + "frame_start": 2727, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02618" + }, + { + "bbox": [ + 189, + 29, + 529, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AN/ANNOUNCE-2202.mp4", + "variation_id": 0, + "video_id": "65074" + }, + { + "bbox": [ + 97, + 15, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0-fSl3iuZE4", + "variation_id": 0, + "video_id": "67365" + }, + { + "bbox": [ + 37, + 8, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/118516.mp4", + "variation_id": 0, + "video_id": "02619" + }, + { + "bbox": [ + 33, + 20, + 628, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466510455.5861.mp4", + "variation_id": 0, + "video_id": "02620" + }, + { + "bbox": [ + 57, + 13, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/announce.mp4", + "variation_id": 0, + "video_id": "02621" + }, + { + "bbox": [ + 40, + 5, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14328.mp4", + "variation_id": 0, + "video_id": "02622" + }, + { + "bbox": [ + 323, + 40, + 1057, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=R4yzjKqOs60", + "variation_id": 0, + "video_id": "02623" + }, + { + "bbox": [ + 18, + 3, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/announce.swf", + "variation_id": 0, + "video_id": "02624" + }, + { + "bbox": [ + 199, + 36, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/announce.mp4", + "variation_id": 0, + "video_id": "02625" + } + ] + }, + { + "gloss": "apartment", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3086, + "frame_start": 3040, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02871" + }, + { + "bbox": [ + 52, + 12, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92597.mp4", + "variation_id": 0, + "video_id": "02872" + }, + { + "bbox": [ + 207, + 16, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/apartment.mp4", + "variation_id": 0, + "video_id": "02873" + }, + { + "bbox": [ + 617, + 97, + 1418, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Apartment-EzXOyDYVS84.mp4", + "variation_id": 0, + "video_id": "02874" + }, + { + "bbox": [ + 108, + 24, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466511330.5970.mp4", + "variation_id": 0, + "video_id": "02875" + }, + { + "bbox": [ + 111, + 28, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/apartment.mp4", + "variation_id": 0, + "video_id": "02876" + }, + { + "bbox": [ + 66, + 11, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9512.mp4", + "variation_id": 0, + "video_id": "02877" + }, + { + "bbox": [ + 326, + 36, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DyYb5Y2efP4", + "variation_id": 0, + "video_id": "02878" + }, + { + "bbox": [ + 25, + 23, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/apartment.swf", + "variation_id": 0, + "video_id": "02879" + }, + { + "bbox": [ + 159, + 47, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/apartment.mp4", + "variation_id": 0, + "video_id": "02880" + } + ] + }, + { + "gloss": "attention", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4452, + "frame_start": 4390, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04008" + }, + { + "bbox": [ + 174, + 22, + 528, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AT/ATTENTION-756.mp4", + "variation_id": 0, + "video_id": "65107" + }, + { + "bbox": [ + 54, + 3, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122829.mp4", + "variation_id": 0, + "video_id": "04011" + }, + { + "bbox": [ + 109, + 0, + 421, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/kXWHLHNZFuM", + "variation_id": 0, + "video_id": "67375" + }, + { + "bbox": [ + 601, + 104, + 1696, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pay%20Attention-Gs-sYeC_Y94.mp4", + "variation_id": 0, + "video_id": "04012" + }, + { + "bbox": [ + 96, + 27, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466646442.976.mp4", + "variation_id": 0, + "video_id": "04013" + }, + { + "bbox": [ + 164, + 61, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/attention.mp4", + "variation_id": 0, + "video_id": "04014" + }, + { + "bbox": [ + 80, + 22, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23073.mp4", + "variation_id": 0, + "video_id": "04015" + }, + { + "bbox": [ + 0, + 9, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/attention.swf", + "variation_id": 0, + "video_id": "04016" + }, + { + "bbox": [ + 241, + 38, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/attention.mp4", + "variation_id": 0, + "video_id": "04017" + } + ] + }, + { + "gloss": "audience", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4730, + "frame_start": 4674, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04110" + }, + { + "bbox": [ + 48, + 13, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1154.mp4", + "variation_id": 0, + "video_id": "04118" + }, + { + "bbox": [ + 35, + 13, + 247, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5633.mp4", + "variation_id": 0, + "video_id": "04119" + }, + { + "bbox": [ + 45, + 9, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5634.mp4", + "variation_id": 0, + "video_id": "04120" + }, + { + "bbox": [ + 179, + 45, + 1079, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xJgSeKFtLQA", + "variation_id": 0, + "video_id": "04121" + }, + { + "bbox": [ + 0, + 16, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/audience.swf", + "variation_id": 0, + "video_id": "04122" + }, + { + "bbox": [ + 151, + 48, + 596, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/audience.mp4", + "variation_id": 0, + "video_id": "04123" + }, + { + "bbox": [ + 364, + 133, + 1767, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Crowd%2C%20Audience-sQNbjPCapOw.mp4", + "variation_id": 0, + "video_id": "04115" + }, + { + "bbox": [ + 10, + 16, + 630, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466646629.1256.mp4", + "variation_id": 0, + "video_id": "04116" + }, + { + "bbox": [ + 106, + 43, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/audience.mp4", + "variation_id": 0, + "video_id": "04117" + } + ] + }, + { + "gloss": "august", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4954, + "frame_start": 4898, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04154" + }, + { + "bbox": [ + 176, + 49, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/august.mp4", + "variation_id": 0, + "video_id": "04163" + }, + { + "bbox": [ + 176, + 49, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/august.mp4", + "variation_id": 0, + "video_id": "04164" + }, + { + "bbox": [ + 61, + 6, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122844.mp4", + "variation_id": 0, + "video_id": "04155" + }, + { + "bbox": [ + 246, + 0, + 1222, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20August-gsXtcza141s.mp4", + "variation_id": 0, + "video_id": "04156" + }, + { + "bbox": [ + 82, + 20, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466646888.7485.mp4", + "variation_id": 0, + "video_id": "04157" + }, + { + "bbox": [ + 105, + 31, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/august.mp4", + "variation_id": 0, + "video_id": "04158" + }, + { + "bbox": [ + 83, + 16, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7092.mp4", + "variation_id": 0, + "video_id": "04159" + }, + { + "bbox": [ + 48, + 30, + 433, + 356 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=8OR0LIHq1Ik", + "variation_id": 0, + "video_id": "04160" + }, + { + "bbox": [ + 287, + 20, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Be-NAeigkF0", + "variation_id": 0, + "video_id": "04161" + } + ] + }, + { + "gloss": "autumn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5234, + "frame_start": 5182, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04288" + }, + { + "bbox": [ + 173, + 0, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AU/AUTUMN-451.mp4", + "variation_id": 0, + "video_id": "65113" + }, + { + "bbox": [ + 45, + 4, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122858.mp4", + "variation_id": 0, + "video_id": "04289" + }, + { + "bbox": [ + 403, + 53, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/autumn.mp4", + "variation_id": 0, + "video_id": "04290" + }, + { + "bbox": [ + 662, + 77, + 1506, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Autumn-ZRRwj0K-6og.mp4", + "variation_id": 0, + "video_id": "04291" + }, + { + "bbox": [ + 124, + 23, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466647071.2188.mp4", + "variation_id": 0, + "video_id": "04292" + }, + { + "bbox": [ + 123, + 5, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/autumn.mp4", + "variation_id": 0, + "video_id": "04293" + }, + { + "bbox": [ + 68, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6443.mp4", + "variation_id": 0, + "video_id": "04294" + }, + { + "bbox": [ + 16, + 2, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 49, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/autumn.swf", + "variation_id": 0, + "video_id": "04295" + }, + { + "bbox": [ + 200, + 50, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/autumn.mp4", + "variation_id": 0, + "video_id": "04296" + } + ] + }, + { + "gloss": "away", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5622, + "frame_start": 5583, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04386" + }, + { + "bbox": [ + 252, + 49, + 919, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/away.mp4", + "variation_id": 0, + "video_id": "69216" + }, + { + "bbox": [ + 8, + 19, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/away.swf", + "variation_id": 0, + "video_id": "04396" + }, + { + "bbox": [ + 131, + 50, + 552, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/away.mp4", + "variation_id": 0, + "video_id": "04397" + }, + { + "bbox": [ + 146, + 3, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AW/AWAY-25.mp4", + "variation_id": 0, + "video_id": "65117" + }, + { + "bbox": [ + 26, + 3, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/123107.mp4", + "variation_id": 0, + "video_id": "04388" + }, + { + "bbox": [ + 36, + 24, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466647477.4463.mp4", + "variation_id": 0, + "video_id": "04389" + }, + { + "bbox": [ + 27, + 0, + 515, + 474 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/away.mp4", + "variation_id": 0, + "video_id": "04391" + }, + { + "bbox": [ + 9, + 17, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23406.mp4", + "variation_id": 0, + "video_id": "04393" + }, + { + "bbox": [ + 89, + 9, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QPvRXk4F8As", + "variation_id": 0, + "video_id": "04395" + } + ] + }, + { + "gloss": "beautiful", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1355, + "frame_start": 1276, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05554" + }, + { + "bbox": [ + 67, + 9, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123620.mp4", + "variation_id": 0, + "video_id": "05556" + }, + { + "bbox": [ + 366, + 53, + 788, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/beautiful.mp4", + "variation_id": 0, + "video_id": "05557" + }, + { + "bbox": [ + 445, + 80, + 1359, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beautiful-LrAEThlpWrI.mp4", + "variation_id": 0, + "video_id": "05558" + }, + { + "bbox": [ + 476, + 31, + 1012, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Beautiful%252C%20Gorgeous%252C%20Pretty.mp4", + "variation_id": 0, + "video_id": "05559" + }, + { + "bbox": [ + 138, + 24, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466680809.2485.mp4", + "variation_id": 0, + "video_id": "05560" + }, + { + "bbox": [ + 106, + 9, + 468, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/beautiful.mp4", + "variation_id": 0, + "video_id": "05561" + }, + { + "bbox": [ + 82, + 2, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5911.mp4", + "variation_id": 0, + "video_id": "05562" + }, + { + "bbox": [ + 371, + 34, + 971, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=875Y37qYMkE", + "variation_id": 0, + "video_id": "05564" + }, + { + "bbox": [ + 242, + 41, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/beautiful.mp4", + "variation_id": 0, + "video_id": "05565" + } + ] + }, + { + "gloss": "become", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1455, + "frame_start": 1406, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05614" + }, + { + "bbox": [ + 147, + 25, + 520, + 480 + ], + "fps": 25, + "frame_end": 6712, + "frame_start": 6606, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70148" + }, + { + "bbox": [ + 189, + 39, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BECOME-2100.mp4", + "variation_id": 0, + "video_id": "65160" + }, + { + "bbox": [ + 700, + 141, + 1526, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Become-4TPPOZK2IHU.mp4", + "variation_id": 0, + "video_id": "05616" + }, + { + "bbox": [ + 96, + 20, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681051.3687.mp4", + "variation_id": 0, + "video_id": "05617" + }, + { + "bbox": [ + 108, + 21, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/become.mp4", + "variation_id": 0, + "video_id": "05618" + }, + { + "bbox": [ + 73, + 14, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14199.mp4", + "variation_id": 0, + "video_id": "05619" + }, + { + "bbox": [ + 81, + 26, + 457, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DRNfos2hEbo", + "variation_id": 0, + "video_id": "05620" + }, + { + "bbox": [ + 0, + 3, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/become.swf", + "variation_id": 0, + "video_id": "05621" + }, + { + "bbox": [ + 176, + 51, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/become.mp4", + "variation_id": 0, + "video_id": "05622" + } + ] + }, + { + "gloss": "below", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2136, + "frame_start": 2060, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05910" + }, + { + "bbox": [ + 3, + 12, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/below.swf", + "variation_id": 0, + "video_id": "05919" + }, + { + "bbox": [ + 203, + 70, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/below.mp4", + "variation_id": 0, + "video_id": "05920" + }, + { + "bbox": [ + 51, + 14, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/69326.mp4", + "variation_id": 0, + "video_id": "05911" + }, + { + "bbox": [ + 478, + 1, + 1412, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Below-4SUkJaXWdlw.mp4", + "variation_id": 0, + "video_id": "05912" + }, + { + "bbox": [ + 85, + 27, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466681617.3322.mp4", + "variation_id": 0, + "video_id": "05913" + }, + { + "bbox": [ + 16, + 19, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/below.mp4", + "variation_id": 0, + "video_id": "05914" + }, + { + "bbox": [ + 66, + 10, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14494.mp4", + "variation_id": 0, + "video_id": "05915" + }, + { + "bbox": [ + 68, + 7, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5686.mp4", + "variation_id": 0, + "video_id": "05917" + }, + { + "bbox": [ + 49, + 4, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ti6i4QRStBM", + "variation_id": 0, + "video_id": "05918" + } + ] + }, + { + "gloss": "best", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2389, + "frame_start": 2337, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06014" + }, + { + "bbox": [ + 18, + 11, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124290.mp4", + "variation_id": 0, + "video_id": "06021" + }, + { + "bbox": [ + 400, + 49, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/best.mp4", + "variation_id": 0, + "video_id": "06022" + }, + { + "bbox": [ + 105, + 25, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466681781.3584.mp4", + "variation_id": 0, + "video_id": "06023" + }, + { + "bbox": [ + 26, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/best.mp4", + "variation_id": 0, + "video_id": "06024" + }, + { + "bbox": [ + 30, + 0, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9290.mp4", + "variation_id": 0, + "video_id": "06025" + }, + { + "bbox": [ + 279, + 12, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=J2niT5UqXHk", + "variation_id": 0, + "video_id": "06026" + }, + { + "bbox": [ + 147, + 2, + 907, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=j43an2ZF830", + "variation_id": 0, + "video_id": "06027" + }, + { + "bbox": [ + 0, + 6, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/best.swf", + "variation_id": 0, + "video_id": "06028" + }, + { + "bbox": [ + 161, + 52, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/best.mp4", + "variation_id": 0, + "video_id": "06029" + } + ] + }, + { + "gloss": "bet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2422, + "frame_start": 2390, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06039" + }, + { + "bbox": [ + 368, + 42, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/bet.mp4", + "variation_id": 0, + "video_id": "69230" + }, + { + "bbox": [ + 11, + 12, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124291.mp4", + "variation_id": 0, + "video_id": "06045" + }, + { + "bbox": [ + 263, + 78, + 1577, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bet-at195hoyprA.mp4", + "variation_id": 0, + "video_id": "06046" + }, + { + "bbox": [ + 85, + 21, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681815.1495.mp4", + "variation_id": 0, + "video_id": "06047" + }, + { + "bbox": [ + 48, + 6, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/bet.mp4", + "variation_id": 0, + "video_id": "06048" + }, + { + "bbox": [ + 74, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14438.mp4", + "variation_id": 0, + "video_id": "06049" + }, + { + "bbox": [ + 286, + 46, + 1041, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=v0hMwQzB7LY", + "variation_id": 0, + "video_id": "06050" + }, + { + "bbox": [ + 23, + 22, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bet.swf", + "variation_id": 0, + "video_id": "06051" + }, + { + "bbox": [ + 172, + 51, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bet.mp4", + "variation_id": 0, + "video_id": "06052" + } + ] + }, + { + "gloss": "bicycle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2598, + "frame_start": 2536, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06157" + }, + { + "bbox": [ + 192, + 27, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BICYCLE-379.mp4", + "variation_id": 0, + "video_id": "65181" + }, + { + "bbox": [ + 39, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58438.mp4", + "variation_id": 0, + "video_id": "06159" + }, + { + "bbox": [ + 72, + 16, + 412, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ryS7dkPGsXc", + "variation_id": 0, + "video_id": "67408" + }, + { + "bbox": [ + 209, + 15, + 587, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bicycle.mp4", + "variation_id": 0, + "video_id": "06160" + }, + { + "bbox": [ + 131, + 25, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466681976.9845.mp4", + "variation_id": 0, + "video_id": "06161" + }, + { + "bbox": [ + 62, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bicycle.mp4", + "variation_id": 0, + "video_id": "06162" + }, + { + "bbox": [ + 65, + 19, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22794.mp4", + "variation_id": 0, + "video_id": "06163" + }, + { + "bbox": [ + 0, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 49, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bicycle.swf", + "variation_id": 0, + "video_id": "06164" + }, + { + "bbox": [ + 174, + 51, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bicycle.mp4", + "variation_id": 0, + "video_id": "06165" + } + ] + }, + { + "gloss": "biology", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2851, + "frame_start": 2762, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06312" + }, + { + "bbox": [ + 168, + 40, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BIOLOGY-2108.mp4", + "variation_id": 0, + "video_id": "65186" + }, + { + "bbox": [ + 89, + 14, + 449, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Tbe0bwfpeiM", + "variation_id": 0, + "video_id": "67410" + }, + { + "bbox": [ + 347, + 61, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/biology.mp4", + "variation_id": 0, + "video_id": "06313" + }, + { + "bbox": [ + 633, + 80, + 1616, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Biology-9xUCEXlcWo0.mp4", + "variation_id": 0, + "video_id": "06314" + }, + { + "bbox": [ + 40, + 7, + 619, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466682183.6914.mp4", + "variation_id": 0, + "video_id": "06315" + }, + { + "bbox": [ + 59, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/biology.mp4", + "variation_id": 0, + "video_id": "06316" + }, + { + "bbox": [ + 58, + 2, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14584.mp4", + "variation_id": 0, + "video_id": "06317" + }, + { + "bbox": [ + 0, + 16, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/biology.swf", + "variation_id": 0, + "video_id": "06318" + }, + { + "bbox": [ + 171, + 48, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/biology.mp4", + "variation_id": 0, + "video_id": "06319" + } + ] + }, + { + "gloss": "boyfriend", + "instances": [ + { + "bbox": [ + 16, + 8, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125251.mp4", + "variation_id": 0, + "video_id": "07440" + }, + { + "bbox": [ + 51, + 9, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466685265.6226.mp4", + "variation_id": 0, + "video_id": "07443" + }, + { + "bbox": [ + 155, + 48, + 446, + 360 + ], + "fps": 25, + "frame_end": 3496, + "frame_start": 3383, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70343" + }, + { + "bbox": [ + 206, + 10, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/boyfriend.mp4", + "variation_id": 0, + "video_id": "07441" + }, + { + "bbox": [ + 25, + 25, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/boyfriend.mp4", + "variation_id": 0, + "video_id": "07444" + }, + { + "bbox": [ + 52, + 0, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6565.mp4", + "variation_id": 0, + "video_id": "07445" + }, + { + "bbox": [ + 277, + 24, + 1013, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EHkYHDKBm5Y", + "variation_id": 0, + "video_id": "07446" + }, + { + "bbox": [ + 273, + 25, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FhNdhtl2TdQ", + "variation_id": 0, + "video_id": "07447" + }, + { + "bbox": [ + 32, + 22, + 450, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=qv7aoKAIewE", + "variation_id": 0, + "video_id": "07450" + }, + { + "bbox": [ + 164, + 54, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/boyfriend.mp4", + "variation_id": 0, + "video_id": "07451" + } + ] + }, + { + "gloss": "break", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4651, + "frame_start": 4619, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07608" + }, + { + "bbox": [ + 156, + 22, + 500, + 480 + ], + "fps": 25, + "frame_end": 3937, + "frame_start": 3836, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70098" + }, + { + "bbox": [ + 0, + 5, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/break.swf", + "variation_id": 0, + "video_id": "07639" + }, + { + "bbox": [ + 162, + 16, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BREAK-420.mp4", + "variation_id": 0, + "video_id": "65252" + }, + { + "bbox": [ + 682, + 87, + 1667, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Break%2C%20Violate-orBw0rrp5w8.mp4", + "variation_id": 0, + "video_id": "07632" + }, + { + "bbox": [ + 103, + 4, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ouQqDPzcMrg", + "variation_id": 0, + "video_id": "67440" + }, + { + "bbox": [ + 166, + 52, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/break.mp4", + "variation_id": 0, + "video_id": "07642" + }, + { + "bbox": [ + 121, + 12, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466723688.6206.mp4", + "variation_id": 0, + "video_id": "07634" + }, + { + "bbox": [ + 116, + 23, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/break.mp4", + "variation_id": 0, + "video_id": "07635" + }, + { + "bbox": [ + 58, + 10, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14200.mp4", + "variation_id": 0, + "video_id": "07637" + } + ] + }, + { + "gloss": "bridge", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4805, + "frame_start": 4759, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07747" + }, + { + "bbox": [ + 167, + 19, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRIDGE-662.mp4", + "variation_id": 0, + "video_id": "65259" + }, + { + "bbox": [ + 83, + 20, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466723955.9232.mp4", + "variation_id": 0, + "video_id": "07751" + }, + { + "bbox": [ + 91, + 0, + 456, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/r62xNv5zoNA", + "variation_id": 0, + "video_id": "67444" + }, + { + "bbox": [ + 24, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bridge.mp4", + "variation_id": 0, + "video_id": "07752" + }, + { + "bbox": [ + 70, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9309.mp4", + "variation_id": 0, + "video_id": "07753" + }, + { + "bbox": [ + 268, + 20, + 1043, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=44QY1ywLZVE", + "variation_id": 0, + "video_id": "07754" + }, + { + "bbox": [ + 269, + 18, + 1040, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=w2ZY6OxLAhc", + "variation_id": 0, + "video_id": "07755" + }, + { + "bbox": [ + 0, + 0, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bridge.swf", + "variation_id": 0, + "video_id": "07756" + }, + { + "bbox": [ + 187, + 57, + 584, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bridge.mp4", + "variation_id": 0, + "video_id": "07757" + } + ] + }, + { + "gloss": "brush", + "instances": [ + { + "bbox": [ + 152, + 13, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRUSH-54.mp4", + "variation_id": 0, + "video_id": "65264" + }, + { + "bbox": [ + 18, + 13, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/brush-comb.mp4", + "variation_id": 0, + "video_id": "08002" + }, + { + "bbox": [ + 47, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23831.mp4", + "variation_id": 0, + "video_id": "08005" + }, + { + "bbox": [ + 47, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23832.mp4", + "variation_id": 0, + "video_id": "08006" + }, + { + "bbox": [ + 0, + 9, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/brush_hair.swf", + "variation_id": 0, + "video_id": "08007" + }, + { + "bbox": [ + 159, + 14, + 466, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRUSH-55.mp4", + "variation_id": 0, + "video_id": "65265" + }, + { + "bbox": [ + 102, + 0, + 403, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/d4wPiaT1uMI", + "variation_id": 0, + "video_id": "67447" + }, + { + "bbox": [ + 156, + 53, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brush.mp4", + "variation_id": 0, + "video_id": "08012" + }, + { + "bbox": [ + 404, + 56, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/brush.mp4", + "variation_id": 0, + "video_id": "08000" + }, + { + "bbox": [ + 97, + 11, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466724670.904.mp4", + "variation_id": 0, + "video_id": "08001" + } + ] + }, + { + "gloss": "building", + "instances": [ + { + "bbox": [ + 150, + 16, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUILDING-58.mp4", + "variation_id": 0, + "video_id": "65269" + }, + { + "bbox": [ + 84, + 39, + 546, + 480 + ], + "fps": 25, + "frame_end": 4697, + "frame_start": 4583, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70196" + }, + { + "bbox": [ + 323, + 22, + 1074, + 720 + ], + "fps": 25, + "frame_end": 54, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=_jai_CnXygg", + "variation_id": 0, + "video_id": "68590" + }, + { + "bbox": [ + 23, + 6, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125595.mp4", + "variation_id": 0, + "video_id": "08130" + }, + { + "bbox": [ + 76, + 0, + 455, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/-MxmnqaB3xg", + "variation_id": 0, + "video_id": "67449" + }, + { + "bbox": [ + 425, + 66, + 830, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/building.mp4", + "variation_id": 0, + "video_id": "08131" + }, + { + "bbox": [ + 96, + 9, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468462695.9857.mp4", + "variation_id": 0, + "video_id": "08132" + }, + { + "bbox": [ + 30, + 12, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/building.mp4", + "variation_id": 0, + "video_id": "08133" + }, + { + "bbox": [ + 65, + 11, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9978.mp4", + "variation_id": 0, + "video_id": "08134" + }, + { + "bbox": [ + 179, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/build.mp4", + "variation_id": 0, + "video_id": "08135" + } + ] + }, + { + "gloss": "busy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5212, + "frame_start": 5160, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08410" + }, + { + "bbox": [ + 155, + 22, + 503, + 480 + ], + "fps": 25, + "frame_end": 6098, + "frame_start": 5987, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70105" + }, + { + "bbox": [ + 301, + 62, + 909, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-dUe-nN4vkM", + "variation_id": 0, + "video_id": "08418" + }, + { + "bbox": [ + 15, + 14, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/busy.swf", + "variation_id": 0, + "video_id": "08419" + }, + { + "bbox": [ + 224, + 30, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUSY-1981.mp4", + "variation_id": 0, + "video_id": "65277" + }, + { + "bbox": [ + 234, + 39, + 489, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/busy.mp4", + "variation_id": 0, + "video_id": "08420" + }, + { + "bbox": [ + 65, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455728.mp4", + "variation_id": 0, + "video_id": "08411" + }, + { + "bbox": [ + 420, + 57, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/busy.mp4", + "variation_id": 0, + "video_id": "08412" + }, + { + "bbox": [ + 67, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/b/busy.mp4", + "variation_id": 0, + "video_id": "08415" + }, + { + "bbox": [ + 67, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9956.mp4", + "variation_id": 0, + "video_id": "08417" + } + ] + }, + { + "gloss": "camera", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 462, + "frame_start": 426, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08782" + }, + { + "bbox": [ + 0, + 11, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/camera.swf", + "variation_id": 0, + "video_id": "08790" + }, + { + "bbox": [ + 176, + 52, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/camera.mp4", + "variation_id": 0, + "video_id": "08791" + }, + { + "bbox": [ + 149, + 15, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAMERA-375.mp4", + "variation_id": 0, + "video_id": "65292" + }, + { + "bbox": [ + 91, + 4, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/XR0UdLqHbio", + "variation_id": 0, + "video_id": "67463" + }, + { + "bbox": [ + 417, + 56, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/camera.mp4", + "variation_id": 0, + "video_id": "08783" + }, + { + "bbox": [ + 108, + 23, + 594, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726217.4770.mp4", + "variation_id": 0, + "video_id": "08784" + }, + { + "bbox": [ + 28, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/camera.mp4", + "variation_id": 0, + "video_id": "08785" + }, + { + "bbox": [ + 71, + 5, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5975.mp4", + "variation_id": 0, + "video_id": "08786" + }, + { + "bbox": [ + 294, + 2, + 1082, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9NOTPgKtmsg", + "variation_id": 0, + "video_id": "08789" + } + ] + }, + { + "gloss": "camp", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 502, + "frame_start": 463, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08799" + }, + { + "bbox": [ + 108, + 0, + 1198, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=b1BiuF7LSaQ", + "variation_id": 0, + "video_id": "68017" + }, + { + "bbox": [ + 115, + 12, + 520, + 360 + ], + "fps": 25, + "frame_end": 68, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=SHwIcDFONQ8", + "variation_id": 0, + "video_id": "68884" + }, + { + "bbox": [ + 32, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 1, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/400980.mp4", + "variation_id": 0, + "video_id": "08817" + }, + { + "bbox": [ + 611, + 131, + 1521, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Camp-0iXEND0mtTw.mp4", + "variation_id": 0, + "video_id": "08818" + }, + { + "bbox": [ + 83, + 30, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1539180947.562.mp4", + "variation_id": 0, + "video_id": "08819" + }, + { + "bbox": [ + 78, + 23, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22809.mp4", + "variation_id": 0, + "video_id": "08820" + }, + { + "bbox": [ + 340, + 25, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QHadWG2hxek", + "variation_id": 0, + "video_id": "08821" + }, + { + "bbox": [ + 15, + 21, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/camp.swf", + "variation_id": 0, + "video_id": "08822" + }, + { + "bbox": [ + 174, + 49, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/camp.mp4", + "variation_id": 0, + "video_id": "08823" + } + ] + }, + { + "gloss": "caption", + "instances": [ + { + "bbox": [ + 184, + 18, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAPTION-1022.mp4", + "variation_id": 0, + "video_id": "65303" + }, + { + "bbox": [ + 169, + 53, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/caption.mp4", + "variation_id": 0, + "video_id": "09095" + }, + { + "bbox": [ + 75, + 6, + 275, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/caption.mov", + "variation_id": 0, + "video_id": "09087" + }, + { + "bbox": [ + 100, + 20, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/s6cs9Stu5_A", + "variation_id": 0, + "video_id": "67471" + }, + { + "bbox": [ + 566, + 138, + 1634, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Subtitles%2C%20Captions-Hr_NAXGCcM0.mp4", + "variation_id": 0, + "video_id": "09088" + }, + { + "bbox": [ + 109, + 0, + 506, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/caption.mp4", + "variation_id": 0, + "video_id": "09089" + }, + { + "bbox": [ + 50, + 18, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8562.mp4", + "variation_id": 0, + "video_id": "09091" + }, + { + "bbox": [ + 50, + 18, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8562.mp4", + "variation_id": 0, + "video_id": "09092" + }, + { + "bbox": [ + 32, + 16, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8611.mp4", + "variation_id": 0, + "video_id": "09093" + }, + { + "bbox": [ + 0, + 23, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/caption.swf", + "variation_id": 0, + "video_id": "09094" + } + ] + }, + { + "gloss": "care", + "instances": [ + { + "bbox": [ + 55, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125796.mp4", + "variation_id": 0, + "video_id": "09197" + }, + { + "bbox": [ + 58, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58264.mp4", + "variation_id": 0, + "video_id": "09199" + }, + { + "bbox": [ + 679, + 94, + 1538, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Babysit%2C%20Careful-DWkoB_Way20.mp4", + "variation_id": 0, + "video_id": "09200" + }, + { + "bbox": [ + 104, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/care-for.mp4", + "variation_id": 0, + "video_id": "09202" + }, + { + "bbox": [ + 72, + 15, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9207.mp4", + "variation_id": 0, + "video_id": "09209" + }, + { + "bbox": [ + 76, + 16, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9208.mp4", + "variation_id": 0, + "video_id": "09210" + }, + { + "bbox": [ + 157, + 10, + 486, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tOBKXefLXOg", + "variation_id": 0, + "video_id": "09211" + }, + { + "bbox": [ + 22, + 21, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/care.swf", + "variation_id": 0, + "video_id": "09212" + }, + { + "bbox": [ + 190, + 59, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/care.mp4", + "variation_id": 0, + "video_id": "09214" + }, + { + "bbox": [ + 26, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/188382.mp4", + "variation_id": 0, + "video_id": "09198" + } + ] + }, + { + "gloss": "carry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1177, + "frame_start": 1135, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09317" + }, + { + "bbox": [ + 195, + 37, + 1114, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/carry.mp4", + "variation_id": 0, + "video_id": "69260" + }, + { + "bbox": [ + 0, + 9, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/carry.swf", + "variation_id": 0, + "video_id": "09327" + }, + { + "bbox": [ + 137, + 42, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/carry.mp4", + "variation_id": 0, + "video_id": "09328" + }, + { + "bbox": [ + 111, + 13, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CARRY-69.mp4", + "variation_id": 0, + "video_id": "65309" + }, + { + "bbox": [ + 28, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125826.mp4", + "variation_id": 0, + "video_id": "09319" + }, + { + "bbox": [ + 152, + 33, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Carry-mJuTIaLACYQ.mp4", + "variation_id": 0, + "video_id": "09320" + }, + { + "bbox": [ + 64, + 24, + 632, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466727709.2419.mp4", + "variation_id": 0, + "video_id": "09321" + }, + { + "bbox": [ + 34, + 0, + 636, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/carry.mp4", + "variation_id": 0, + "video_id": "09322" + }, + { + "bbox": [ + 47, + 9, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9898.mp4", + "variation_id": 0, + "video_id": "09326" + } + ] + }, + { + "gloss": "celebrate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1524, + "frame_start": 1465, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09632" + }, + { + "bbox": [ + 177, + 20, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CE/CELEBRATE-1045.mp4", + "variation_id": 0, + "video_id": "65321" + }, + { + "bbox": [ + 419, + 83, + 1865, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Anniversary%2C%20Celebrate-sP5ZE1wVH-A.mp4", + "variation_id": 0, + "video_id": "09633" + }, + { + "bbox": [ + 85, + 11, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466729022.7408.mp4", + "variation_id": 0, + "video_id": "09634" + }, + { + "bbox": [ + 39, + 2, + 619, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/celebrate.mp4", + "variation_id": 0, + "video_id": "09635" + }, + { + "bbox": [ + 37, + 10, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5213.mp4", + "variation_id": 0, + "video_id": "09636" + }, + { + "bbox": [ + 46, + 2, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6685.mp4", + "variation_id": 0, + "video_id": "09637" + }, + { + "bbox": [ + 175, + 29, + 1081, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=S6jdT0euWqM", + "variation_id": 0, + "video_id": "09638" + }, + { + "bbox": [ + 0, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/celebrate.swf", + "variation_id": 0, + "video_id": "09639" + }, + { + "bbox": [ + 181, + 43, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/celebrate.mp4", + "variation_id": 0, + "video_id": "09640" + } + ] + }, + { + "gloss": "certificate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1756, + "frame_start": 1704, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09805" + }, + { + "bbox": [ + 190, + 18, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CE/CERTIFICATE-1050.mp4", + "variation_id": 0, + "video_id": "65326" + }, + { + "bbox": [ + 102, + 11, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ovA0ONwZgyk", + "variation_id": 0, + "video_id": "67482" + }, + { + "bbox": [ + 25, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125911.mp4", + "variation_id": 0, + "video_id": "09806" + }, + { + "bbox": [ + 43, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51420.mp4", + "variation_id": 0, + "video_id": "09807" + }, + { + "bbox": [ + 114, + 12, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466729441.187.mp4", + "variation_id": 0, + "video_id": "09808" + }, + { + "bbox": [ + 88, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/certificate.mp4", + "variation_id": 0, + "video_id": "09809" + }, + { + "bbox": [ + 76, + 11, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14492.mp4", + "variation_id": 0, + "video_id": "09810" + }, + { + "bbox": [ + 29, + 4, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/certificate.swf", + "variation_id": 0, + "video_id": "09811" + }, + { + "bbox": [ + 216, + 42, + 475, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/certification.mp4", + "variation_id": 0, + "video_id": "09812" + } + ] + }, + { + "gloss": "chain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1829, + "frame_start": 1757, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09834" + }, + { + "bbox": [ + 184, + 19, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHAIN-1051.mp4", + "variation_id": 0, + "video_id": "65327" + }, + { + "bbox": [ + 25, + 3, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125915.mp4", + "variation_id": 0, + "video_id": "09835" + }, + { + "bbox": [ + 591, + 38, + 1603, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Olympics-8jd6h4rZfJg.mp4", + "variation_id": 0, + "video_id": "09836" + }, + { + "bbox": [ + 587, + 134, + 1603, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Olympics-clU8I371n5Y.mp4", + "variation_id": 0, + "video_id": "09837" + }, + { + "bbox": [ + 29, + 15, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466729470.3884.mp4", + "variation_id": 0, + "video_id": "09838" + }, + { + "bbox": [ + 4, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chain.mp4", + "variation_id": 0, + "video_id": "09839" + }, + { + "bbox": [ + 56, + 13, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1317.mp4", + "variation_id": 0, + "video_id": "09840" + }, + { + "bbox": [ + 0, + 3, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/chain.swf", + "variation_id": 0, + "video_id": "09841" + }, + { + "bbox": [ + 180, + 43, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chain.mp4", + "variation_id": 0, + "video_id": "09842" + } + ] + }, + { + "gloss": "chance", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2025, + "frame_start": 1976, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09933" + }, + { + "bbox": [ + 326, + 39, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=w8jjz_R6GaI", + "variation_id": 0, + "video_id": "09940" + }, + { + "bbox": [ + 0, + 8, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chance.swf", + "variation_id": 0, + "video_id": "09941" + }, + { + "bbox": [ + 151, + 14, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 99, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHANCE-2472.mp4", + "variation_id": 0, + "video_id": "65331" + }, + { + "bbox": [ + 104, + 0, + 420, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LFWOUYJ2GUU", + "variation_id": 0, + "video_id": "67484" + }, + { + "bbox": [ + 180, + 53, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/chance.mp4", + "variation_id": 0, + "video_id": "09943" + }, + { + "bbox": [ + 56, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125919.mp4", + "variation_id": 0, + "video_id": "09934" + }, + { + "bbox": [ + 23, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51885.mp4", + "variation_id": 0, + "video_id": "09935" + }, + { + "bbox": [ + 313, + 82, + 1567, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chance-kaF_Jfo3iEM.mp4", + "variation_id": 0, + "video_id": "09936" + }, + { + "bbox": [ + 71, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chance.mp4", + "variation_id": 0, + "video_id": "09938" + } + ] + }, + { + "gloss": "character", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2182, + "frame_start": 2123, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10014" + }, + { + "bbox": [ + 78, + 11, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14430.mp4", + "variation_id": 0, + "video_id": "10021" + }, + { + "bbox": [ + 10, + 19, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/character.swf", + "variation_id": 0, + "video_id": "10022" + }, + { + "bbox": [ + 183, + 56, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/character.mp4", + "variation_id": 0, + "video_id": "10023" + }, + { + "bbox": [ + 166, + 17, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHARACTER-2318.mp4", + "variation_id": 0, + "video_id": "65334" + }, + { + "bbox": [ + 107, + 11, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/easwV4xtJSw", + "variation_id": 0, + "video_id": "67488" + }, + { + "bbox": [ + 81, + 9, + 235, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/character.mov", + "variation_id": 0, + "video_id": "10015" + }, + { + "bbox": [ + 39, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244176.mp4", + "variation_id": 0, + "video_id": "10016" + }, + { + "bbox": [ + 829, + 61, + 1720, + 1058 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Character%202-UTW1fVSRztU.mp4", + "variation_id": 0, + "video_id": "10017" + }, + { + "bbox": [ + 59, + 19, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466730618.8628.mp4", + "variation_id": 0, + "video_id": "10019" + } + ] + }, + { + "gloss": "chase", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2239, + "frame_start": 2183, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10088" + }, + { + "bbox": [ + 185, + 16, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHASE-72.mp4", + "variation_id": 0, + "video_id": "65337" + }, + { + "bbox": [ + 47, + 1, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125937.mp4", + "variation_id": 0, + "video_id": "10089" + }, + { + "bbox": [ + 269, + 29, + 1776, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chase%202-L5wt_euupUY.mp4", + "variation_id": 0, + "video_id": "10090" + }, + { + "bbox": [ + 105, + 20, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466730650.8694.mp4", + "variation_id": 0, + "video_id": "10091" + }, + { + "bbox": [ + 11, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/chase.mp4", + "variation_id": 0, + "video_id": "10092" + }, + { + "bbox": [ + 74, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8438.mp4", + "variation_id": 0, + "video_id": "10093" + }, + { + "bbox": [ + 261, + 47, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PNp3dIAoFGA", + "variation_id": 0, + "video_id": "10094" + }, + { + "bbox": [ + 1, + 18, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/chase.swf", + "variation_id": 0, + "video_id": "10095" + }, + { + "bbox": [ + 168, + 54, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chase.mp4", + "variation_id": 0, + "video_id": "10096" + } + ] + }, + { + "gloss": "classroom", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3664, + "frame_start": 3592, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11006" + }, + { + "bbox": [ + 33, + 3, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399305.mp4", + "variation_id": 0, + "video_id": "11007" + }, + { + "bbox": [ + 214, + 16, + 539, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/classroom.mp4", + "variation_id": 0, + "video_id": "11008" + }, + { + "bbox": [ + 106, + 21, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466898707.7112.mp4", + "variation_id": 0, + "video_id": "11009" + }, + { + "bbox": [ + 59, + 11, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/classroom.mp4", + "variation_id": 0, + "video_id": "11010" + }, + { + "bbox": [ + 59, + 9, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9635.mp4", + "variation_id": 0, + "video_id": "11011" + }, + { + "bbox": [ + 234, + 41, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m_6k3q6nqUY", + "variation_id": 0, + "video_id": "11012" + }, + { + "bbox": [ + 241, + 40, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=P6tdUkERzqI", + "variation_id": 0, + "video_id": "11013" + }, + { + "bbox": [ + 19, + 3, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/classroom.swf", + "variation_id": 0, + "video_id": "11014" + }, + { + "bbox": [ + 183, + 52, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/classroom.mp4", + "variation_id": 0, + "video_id": "11015" + } + ] + }, + { + "gloss": "clear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3754, + "frame_start": 3708, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11059" + }, + { + "bbox": [ + 179, + 55, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clear.mp4", + "variation_id": 0, + "video_id": "11067" + }, + { + "bbox": [ + 153, + 19, + 502, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CL/CLEAR-1065.mp4", + "variation_id": 0, + "video_id": "65366" + }, + { + "bbox": [ + 77, + 17, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ePC-vnxPa50", + "variation_id": 0, + "video_id": "67503" + }, + { + "bbox": [ + 403, + 44, + 1845, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bright%2C%20Clear-rNQ-tunpvGI.mp4", + "variation_id": 0, + "video_id": "11061" + }, + { + "bbox": [ + 92, + 11, + 594, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466898800.2520.mp4", + "variation_id": 0, + "video_id": "11062" + }, + { + "bbox": [ + 66, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/clear.mp4", + "variation_id": 0, + "video_id": "11063" + }, + { + "bbox": [ + 56, + 13, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9083.mp4", + "variation_id": 0, + "video_id": "11064" + }, + { + "bbox": [ + 175, + 60, + 1063, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=uy5eMROgDM4", + "variation_id": 0, + "video_id": "11065" + }, + { + "bbox": [ + 4, + 11, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/clear.swf", + "variation_id": 0, + "video_id": "11066" + } + ] + }, + { + "gloss": "climb", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3874, + "frame_start": 3805, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11142" + }, + { + "bbox": [ + 64, + 0, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24329.mp4", + "variation_id": 0, + "video_id": "11148" + }, + { + "bbox": [ + 166, + 17, + 1068, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=C3QBI6PaMvY", + "variation_id": 0, + "video_id": "11150" + }, + { + "bbox": [ + 241, + 39, + 1030, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=p6wscWQZDPA", + "variation_id": 0, + "video_id": "11151" + }, + { + "bbox": [ + 16, + 15, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/climb.swf", + "variation_id": 0, + "video_id": "11153" + }, + { + "bbox": [ + 174, + 49, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/climb.mp4", + "variation_id": 0, + "video_id": "11155" + }, + { + "bbox": [ + 7, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51746.mp4", + "variation_id": 0, + "video_id": "11143" + }, + { + "bbox": [ + 472, + 0, + 1752, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Climb%2C%20Ladder-cDGpLkMLyUg.mp4", + "variation_id": 0, + "video_id": "11144" + }, + { + "bbox": [ + 88, + 0, + 607, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466899040.6898.mp4", + "variation_id": 0, + "video_id": "11145" + }, + { + "bbox": [ + 53, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/climb.mp4", + "variation_id": 0, + "video_id": "11146" + } + ] + }, + { + "gloss": "command", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4610, + "frame_start": 4554, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11936" + }, + { + "bbox": [ + 339, + 47, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Wx0_KNFxv6U", + "variation_id": 0, + "video_id": "11950" + }, + { + "bbox": [ + 30, + 21, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/command.swf", + "variation_id": 0, + "video_id": "11951" + }, + { + "bbox": [ + 76, + 36, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93241.mp4", + "variation_id": 0, + "video_id": "11942" + }, + { + "bbox": [ + 180, + 62, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/command.mp4", + "variation_id": 0, + "video_id": "11952" + }, + { + "bbox": [ + 738, + 68, + 1608, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Command-2n6BhI5nQnc.mp4", + "variation_id": 0, + "video_id": "11943" + }, + { + "bbox": [ + 143, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722573.1848.mp4", + "variation_id": 0, + "video_id": "11944" + }, + { + "bbox": [ + 82, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/command.mp4", + "variation_id": 0, + "video_id": "11946" + }, + { + "bbox": [ + 148, + 16, + 510, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/command-order.mp4", + "variation_id": 0, + "video_id": "11947" + }, + { + "bbox": [ + 60, + 8, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14253.mp4", + "variation_id": 0, + "video_id": "11948" + } + ] + }, + { + "gloss": "community", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4817, + "frame_start": 4778, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12058" + }, + { + "bbox": [ + 178, + 57, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/community.mp4", + "variation_id": 0, + "video_id": "12069" + }, + { + "bbox": [ + 77, + 12, + 251, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/community.mov", + "variation_id": 0, + "video_id": "12060" + }, + { + "bbox": [ + 50, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58275.mp4", + "variation_id": 0, + "video_id": "12062" + }, + { + "bbox": [ + 569, + 84, + 1595, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Community%2C%20City-ullwVrgZsPE.mp4", + "variation_id": 0, + "video_id": "12063" + }, + { + "bbox": [ + 84, + 15, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466900588.5195.mp4", + "variation_id": 0, + "video_id": "12064" + }, + { + "bbox": [ + 38, + 3, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/community.mp4", + "variation_id": 0, + "video_id": "12065" + }, + { + "bbox": [ + 57, + 26, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22410.mp4", + "variation_id": 0, + "video_id": "12066" + }, + { + "bbox": [ + 172, + 11, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=YfXV2fzn7dk", + "variation_id": 0, + "video_id": "12067" + }, + { + "bbox": [ + 9, + 20, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/community.swf", + "variation_id": 0, + "video_id": "12068" + } + ] + }, + { + "gloss": "complain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5034, + "frame_start": 4988, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12188" + }, + { + "bbox": [ + 48, + 14, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399319.mp4", + "variation_id": 0, + "video_id": "12190" + }, + { + "bbox": [ + 396, + 52, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/complain.mp4", + "variation_id": 0, + "video_id": "12191" + }, + { + "bbox": [ + 796, + 68, + 1616, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Whine-27mGFsEoyV0.mp4", + "variation_id": 0, + "video_id": "12192" + }, + { + "bbox": [ + 117, + 22, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466901096.6989.mp4", + "variation_id": 0, + "video_id": "12193" + }, + { + "bbox": [ + 83, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/complain.mp4", + "variation_id": 0, + "video_id": "12194" + }, + { + "bbox": [ + 67, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14069.mp4", + "variation_id": 0, + "video_id": "12195" + }, + { + "bbox": [ + 331, + 39, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zbKRdkP4KWs", + "variation_id": 0, + "video_id": "12196" + }, + { + "bbox": [ + 19, + 8, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/complain.swf", + "variation_id": 0, + "video_id": "12197" + }, + { + "bbox": [ + 214, + 42, + 466, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/complain.mp4", + "variation_id": 0, + "video_id": "12198" + } + ] + }, + { + "gloss": "compromise", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5121, + "frame_start": 5082, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12290" + }, + { + "bbox": [ + 4, + 11, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/compromise.swf", + "variation_id": 0, + "video_id": "12299" + }, + { + "bbox": [ + 213, + 43, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/compromise.mp4", + "variation_id": 0, + "video_id": "12300" + }, + { + "bbox": [ + 67, + 36, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93244.mp4", + "variation_id": 0, + "video_id": "12291" + }, + { + "bbox": [ + 699, + 145, + 1593, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Compromise%202-smeImaATIho.mp4", + "variation_id": 0, + "video_id": "12292" + }, + { + "bbox": [ + 672, + 139, + 1728, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Compromise-2FBn_s_YqO0.mp4", + "variation_id": 0, + "video_id": "12293" + }, + { + "bbox": [ + 93, + 23, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171725.5142.mp4", + "variation_id": 0, + "video_id": "12294" + }, + { + "bbox": [ + 94, + 18, + 510, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/compromise2.mp4", + "variation_id": 0, + "video_id": "12295" + }, + { + "bbox": [ + 58, + 19, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8508.mp4", + "variation_id": 0, + "video_id": "12296" + }, + { + "bbox": [ + 188, + 18, + 1040, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5A1epxWX0ak", + "variation_id": 0, + "video_id": "12297" + } + ] + }, + { + "gloss": "contribute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5818, + "frame_start": 5759, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13015" + }, + { + "bbox": [ + 19, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/contribute.mp4", + "variation_id": 0, + "video_id": "13021" + }, + { + "bbox": [ + 89, + 19, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23273.mp4", + "variation_id": 0, + "video_id": "13023" + }, + { + "bbox": [ + 87, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23781.mp4", + "variation_id": 0, + "video_id": "13024" + }, + { + "bbox": [ + 74, + 16, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7424.mp4", + "variation_id": 0, + "video_id": "13026" + }, + { + "bbox": [ + 16, + 19, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/c/contribute.swf", + "variation_id": 0, + "video_id": "13027" + }, + { + "bbox": [ + 75, + 10, + 233, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/contribute_give.mov", + "variation_id": 0, + "video_id": "13017" + }, + { + "bbox": [ + 74, + 10, + 282, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/contribute.mov", + "variation_id": 0, + "video_id": "13018" + }, + { + "bbox": [ + 72, + 27, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96112.mp4", + "variation_id": 0, + "video_id": "13019" + }, + { + "bbox": [ + 65, + 15, + 607, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466902800.4893.mp4", + "variation_id": 0, + "video_id": "13020" + } + ] + }, + { + "gloss": "cop", + "instances": [ + { + "bbox": [ + 73, + 11, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/311620.mp4", + "variation_id": 0, + "video_id": "13244" + }, + { + "bbox": [ + 739, + 67, + 1542, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cop%202-Nba4p7eNbnY.mp4", + "variation_id": 0, + "video_id": "13245" + }, + { + "bbox": [ + 697, + 60, + 1539, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cop-EqDAyMCqUJU.mp4", + "variation_id": 0, + "video_id": "13246" + }, + { + "bbox": [ + 132, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468754360.5475.mp4", + "variation_id": 0, + "video_id": "13247" + }, + { + "bbox": [ + 54, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cop.mp4", + "variation_id": 0, + "video_id": "13248" + }, + { + "bbox": [ + 74, + 7, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14010.mp4", + "variation_id": 0, + "video_id": "13249" + }, + { + "bbox": [ + 74, + 6, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14012.mp4", + "variation_id": 0, + "video_id": "13250" + }, + { + "bbox": [ + 76, + 13, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14167.mp4", + "variation_id": 0, + "video_id": "13251" + }, + { + "bbox": [ + 313, + 41, + 909, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=dNi8hVsgL6I", + "variation_id": 0, + "video_id": "13252" + }, + { + "bbox": [ + 176, + 51, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cop.mp4", + "variation_id": 0, + "video_id": "13253" + } + ] + }, + { + "gloss": "cost", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6320, + "frame_start": 6268, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13407" + }, + { + "bbox": [ + 22, + 5, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cost.swf", + "variation_id": 0, + "video_id": "13423" + }, + { + "bbox": [ + 95, + 12, + 250, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/cost.mov", + "variation_id": 0, + "video_id": "13414" + }, + { + "bbox": [ + 166, + 54, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cost.mp4", + "variation_id": 0, + "video_id": "13424" + }, + { + "bbox": [ + 56, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456075.mp4", + "variation_id": 0, + "video_id": "13415" + }, + { + "bbox": [ + 483, + 53, + 1558, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Charge%2C%20Cost-SO_qDqLvf4g.mp4", + "variation_id": 0, + "video_id": "13416" + }, + { + "bbox": [ + 91, + 23, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903546.2007.mp4", + "variation_id": 0, + "video_id": "13417" + }, + { + "bbox": [ + 109, + 21, + 457, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/cost.mp4", + "variation_id": 0, + "video_id": "13418" + }, + { + "bbox": [ + 72, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6355.mp4", + "variation_id": 0, + "video_id": "13420" + } + ] + }, + { + "gloss": "couch", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6373, + "frame_start": 6321, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13455" + }, + { + "bbox": [ + 50, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357955.mp4", + "variation_id": 0, + "video_id": "13456" + }, + { + "bbox": [ + 683, + 156, + 1416, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bench%2C%20Couch%202-9uhGMp27NRA.mp4", + "variation_id": 0, + "video_id": "13457" + }, + { + "bbox": [ + 92, + 21, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466903670.285.mp4", + "variation_id": 0, + "video_id": "13458" + }, + { + "bbox": [ + 50, + 1, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/couch.mp4", + "variation_id": 0, + "video_id": "13459" + }, + { + "bbox": [ + 71, + 11, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8681.mp4", + "variation_id": 0, + "video_id": "13460" + }, + { + "bbox": [ + 324, + 36, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Pal3B0qq01Q", + "variation_id": 0, + "video_id": "13461" + }, + { + "bbox": [ + 291, + 85, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=Tu6UNOFb35U", + "variation_id": 0, + "video_id": "13462" + }, + { + "bbox": [ + 4, + 20, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/couch.swf", + "variation_id": 0, + "video_id": "13463" + }, + { + "bbox": [ + 175, + 54, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/couch.mp4", + "variation_id": 0, + "video_id": "13464" + } + ] + }, + { + "gloss": "cracker", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6890, + "frame_start": 6854, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13743" + }, + { + "bbox": [ + 95, + 18, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/c4kEBqhREVg", + "variation_id": 0, + "video_id": "67537" + }, + { + "bbox": [ + 71, + 17, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96137.mp4", + "variation_id": 0, + "video_id": "13744" + }, + { + "bbox": [ + 462, + 92, + 1529, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Passover-lLvskYjMhcY.mp4", + "variation_id": 0, + "video_id": "13745" + }, + { + "bbox": [ + 132, + 25, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466904786.4189.mp4", + "variation_id": 0, + "video_id": "13746" + }, + { + "bbox": [ + 134, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cracker-food.mp4", + "variation_id": 0, + "video_id": "13747" + }, + { + "bbox": [ + 85, + 19, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6206.mp4", + "variation_id": 0, + "video_id": "13748" + }, + { + "bbox": [ + 82, + 18, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6207.mp4", + "variation_id": 0, + "video_id": "13749" + }, + { + "bbox": [ + 0, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/cracker.swf", + "variation_id": 0, + "video_id": "13750" + }, + { + "bbox": [ + 227, + 42, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cracker.mp4", + "variation_id": 0, + "video_id": "13751" + } + ] + }, + { + "gloss": "curious", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7289, + "frame_start": 7257, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14311" + }, + { + "bbox": [ + 165, + 18, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CU/CURIOUS-1194.mp4", + "variation_id": 0, + "video_id": "65429" + }, + { + "bbox": [ + 680, + 67, + 1503, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Curious-bTiZ0SeEx9Q.mp4", + "variation_id": 0, + "video_id": "14312" + }, + { + "bbox": [ + 661, + 38, + 1457, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Curious-WicKJAPD8xE.mp4", + "variation_id": 0, + "video_id": "14313" + }, + { + "bbox": [ + 116, + 29, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466905772.9501.mp4", + "variation_id": 0, + "video_id": "14314" + }, + { + "bbox": [ + 80, + 7, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/curious.mp4", + "variation_id": 0, + "video_id": "14315" + }, + { + "bbox": [ + 86, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24002.mp4", + "variation_id": 0, + "video_id": "14316" + }, + { + "bbox": [ + 326, + 5, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8bSKteXE0ds", + "variation_id": 0, + "video_id": "14317" + }, + { + "bbox": [ + 22, + 4, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/curious.swf", + "variation_id": 0, + "video_id": "14318" + }, + { + "bbox": [ + 184, + 55, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/curious.mp4", + "variation_id": 0, + "video_id": "14319" + } + ] + }, + { + "gloss": "curriculum", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7342, + "frame_start": 7290, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14365" + }, + { + "bbox": [ + 186, + 35, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CU/CURRICULUM-2350.mp4", + "variation_id": 0, + "video_id": "65431" + }, + { + "bbox": [ + 69, + 26, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/94216.mp4", + "variation_id": 0, + "video_id": "14366" + }, + { + "bbox": [ + 495, + 38, + 1447, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Curriculum-HZSDJQWoGoY.mp4", + "variation_id": 0, + "video_id": "14367" + }, + { + "bbox": [ + 119, + 18, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466905819.3185.mp4", + "variation_id": 0, + "video_id": "14368" + }, + { + "bbox": [ + 165, + 17, + 483, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/curriculum.mp4", + "variation_id": 0, + "video_id": "14369" + }, + { + "bbox": [ + 66, + 14, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1395.mp4", + "variation_id": 0, + "video_id": "14370" + }, + { + "bbox": [ + 328, + 49, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GuWbEHQqepE", + "variation_id": 0, + "video_id": "14371" + }, + { + "bbox": [ + 357, + 53, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=zyDCKaOAeug", + "variation_id": 0, + "video_id": "14372" + }, + { + "bbox": [ + 186, + 57, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/curriculum.mp4", + "variation_id": 0, + "video_id": "14373" + } + ] + }, + { + "gloss": "dad", + "instances": [ + { + "bbox": [ + 261, + 17, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/dad.mp4", + "variation_id": 0, + "video_id": "69289" + }, + { + "bbox": [ + 68, + 35, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93269.mp4", + "variation_id": 0, + "video_id": "14565" + }, + { + "bbox": [ + 348, + 24, + 912, + 720 + ], + "fps": 25, + "frame_end": 46, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=1le36_SoBLE", + "variation_id": 0, + "video_id": "68204" + }, + { + "bbox": [ + 192, + 11, + 590, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Father.mp4", + "variation_id": 0, + "video_id": "14566" + }, + { + "bbox": [ + 132, + 6, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906149.7562.mp4", + "variation_id": 0, + "video_id": "14567" + }, + { + "bbox": [ + 53, + 0, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6510.mp4", + "variation_id": 0, + "video_id": "14568" + }, + { + "bbox": [ + 64, + 0, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6511.mp4", + "variation_id": 0, + "video_id": "14569" + }, + { + "bbox": [ + 347, + 17, + 935, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1Vllc4F5ic0", + "variation_id": 0, + "video_id": "14570" + }, + { + "bbox": [ + 4, + 10, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/dad.swf", + "variation_id": 0, + "video_id": "14571" + }, + { + "bbox": [ + 157, + 35, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dad.mp4", + "variation_id": 0, + "video_id": "14572" + } + ] + }, + { + "gloss": "deny", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1457, + "frame_start": 1398, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15546" + }, + { + "bbox": [ + 383, + 60, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yIFNPgqWCs4", + "variation_id": 0, + "video_id": "15554" + }, + { + "bbox": [ + 16, + 20, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/deny.swf", + "variation_id": 0, + "video_id": "15555" + }, + { + "bbox": [ + 91, + 5, + 519, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DENY-2737.mp4", + "variation_id": 0, + "video_id": "65461" + }, + { + "bbox": [ + 78, + 12, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ewweiOsMTP0", + "variation_id": 0, + "video_id": "67562" + }, + { + "bbox": [ + 58, + 37, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93290.mp4", + "variation_id": 0, + "video_id": "15547" + }, + { + "bbox": [ + 250, + 29, + 1721, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deny-OscUwssySoc.mp4", + "variation_id": 0, + "video_id": "15548" + }, + { + "bbox": [ + 135, + 23, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908056.3250.mp4", + "variation_id": 0, + "video_id": "15549" + }, + { + "bbox": [ + 35, + 14, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/deny.mp4", + "variation_id": 0, + "video_id": "15550" + }, + { + "bbox": [ + 69, + 19, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4687.mp4", + "variation_id": 0, + "video_id": "15551" + } + ] + }, + { + "gloss": "describe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1834, + "frame_start": 1772, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15705" + }, + { + "bbox": [ + 300, + 41, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/describe.mp4", + "variation_id": 0, + "video_id": "69294" + }, + { + "bbox": [ + 80, + 4, + 228, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/describe.mov", + "variation_id": 0, + "video_id": "15706" + }, + { + "bbox": [ + 52, + 13, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58604.mp4", + "variation_id": 0, + "video_id": "15707" + }, + { + "bbox": [ + 512, + 80, + 1625, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Describe%2C%20Explain-4_jchbhDv54.mp4", + "variation_id": 0, + "video_id": "15708" + }, + { + "bbox": [ + 53, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468379465.5362.mp4", + "variation_id": 0, + "video_id": "15709" + }, + { + "bbox": [ + 95, + 0, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/describe.mp4", + "variation_id": 0, + "video_id": "15710" + }, + { + "bbox": [ + 75, + 21, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22623.mp4", + "variation_id": 0, + "video_id": "15711" + }, + { + "bbox": [ + 0, + 13, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/describe.swf", + "variation_id": 0, + "video_id": "15712" + }, + { + "bbox": [ + 190, + 62, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/describe.mp4", + "variation_id": 0, + "video_id": "15713" + } + ] + }, + { + "gloss": "diaper", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2402, + "frame_start": 2353, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16076" + }, + { + "bbox": [ + 191, + 0, + 524, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIAPER-794.mp4", + "variation_id": 0, + "video_id": "65477" + }, + { + "bbox": [ + 35, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456726.mp4", + "variation_id": 0, + "video_id": "16081" + }, + { + "bbox": [ + 70, + 14, + 457, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/CJP4h6IP3YM", + "variation_id": 0, + "video_id": "67568" + }, + { + "bbox": [ + 226, + 19, + 537, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/diaper.mp4", + "variation_id": 0, + "video_id": "16082" + }, + { + "bbox": [ + 743, + 43, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Diaper-CNBCQyLanPc.mp4", + "variation_id": 0, + "video_id": "16083" + }, + { + "bbox": [ + 78, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/diaper.mp4", + "variation_id": 0, + "video_id": "16084" + }, + { + "bbox": [ + 70, + 3, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5674.mp4", + "variation_id": 0, + "video_id": "16085" + }, + { + "bbox": [ + 13, + 5, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/diaper.swf", + "variation_id": 0, + "video_id": "16086" + }, + { + "bbox": [ + 169, + 56, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/diaper.mp4", + "variation_id": 0, + "video_id": "16087" + } + ] + }, + { + "gloss": "diarrhea", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2485, + "frame_start": 2403, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16095" + }, + { + "bbox": [ + 82, + 44, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91741.mp4", + "variation_id": 0, + "video_id": "16097" + }, + { + "bbox": [ + 439, + 60, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/diarrhea.mp4", + "variation_id": 0, + "video_id": "16098" + }, + { + "bbox": [ + 491, + 45, + 1595, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Diarrhea-LE6whMFnueQ.mp4", + "variation_id": 0, + "video_id": "16099" + }, + { + "bbox": [ + 139, + 30, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466909453.5664.mp4", + "variation_id": 0, + "video_id": "16100" + }, + { + "bbox": [ + 196, + 35, + 506, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/diarrhea.mp4", + "variation_id": 0, + "video_id": "16101" + }, + { + "bbox": [ + 90, + 14, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8216.mp4", + "variation_id": 0, + "video_id": "16102" + }, + { + "bbox": [ + 4, + 8, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/diarrhea.swf", + "variation_id": 0, + "video_id": "16103" + }, + { + "bbox": [ + 189, + 60, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/diarrhea.mp4", + "variation_id": 0, + "video_id": "16104" + } + ] + }, + { + "gloss": "disagree", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3215, + "frame_start": 3163, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16427" + }, + { + "bbox": [ + 127, + 21, + 557, + 480 + ], + "fps": 25, + "frame_end": 3851, + "frame_start": 3733, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70118" + }, + { + "bbox": [ + 58, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 78, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399476.mp4", + "variation_id": 0, + "video_id": "16428" + }, + { + "bbox": [ + 400, + 57, + 854, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/disagree.mp4", + "variation_id": 0, + "video_id": "16429" + }, + { + "bbox": [ + 438, + 58, + 1711, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Disagree-LGeoV64JAe4.mp4", + "variation_id": 0, + "video_id": "16430" + }, + { + "bbox": [ + 68, + 7, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467770404.3733.mp4", + "variation_id": 0, + "video_id": "16431" + }, + { + "bbox": [ + 37, + 6, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/disagree.mp4", + "variation_id": 0, + "video_id": "16432" + }, + { + "bbox": [ + 322, + 54, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_sQbTlIJZuc", + "variation_id": 0, + "video_id": "16434" + }, + { + "bbox": [ + 0, + 18, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/disagree.swf", + "variation_id": 0, + "video_id": "16435" + }, + { + "bbox": [ + 228, + 47, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/disagree.mp4", + "variation_id": 0, + "video_id": "16436" + } + ] + }, + { + "gloss": "dissolve", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3532, + "frame_start": 3476, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16803" + }, + { + "bbox": [ + 170, + 17, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DISSOLVE-1262.mp4", + "variation_id": 0, + "video_id": "65494" + }, + { + "bbox": [ + 77, + 8, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 66, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/dissolve.mov", + "variation_id": 0, + "video_id": "16804" + }, + { + "bbox": [ + 68, + 17, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96248.mp4", + "variation_id": 0, + "video_id": "16805" + }, + { + "bbox": [ + 139, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776324.8605.mp4", + "variation_id": 0, + "video_id": "16806" + }, + { + "bbox": [ + 116, + 6, + 628, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/dissolve.mp4", + "variation_id": 0, + "video_id": "16807" + }, + { + "bbox": [ + 72, + 20, + 244, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22765.mp4", + "variation_id": 0, + "video_id": "16808" + }, + { + "bbox": [ + 58, + 19, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22766.mp4", + "variation_id": 0, + "video_id": "16809" + }, + { + "bbox": [ + 2, + 15, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/dissolve.swf", + "variation_id": 0, + "video_id": "16810" + }, + { + "bbox": [ + 199, + 62, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dissolve.mp4", + "variation_id": 0, + "video_id": "16811" + } + ] + }, + { + "gloss": "divide", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3622, + "frame_start": 3590, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16922" + }, + { + "bbox": [ + 233, + 0, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uppo_DVyQ7w", + "variation_id": 0, + "video_id": "16934" + }, + { + "bbox": [ + 135, + 17, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIVIDE-803.mp4", + "variation_id": 0, + "video_id": "65499" + }, + { + "bbox": [ + 43, + 17, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96252.mp4", + "variation_id": 0, + "video_id": "16925" + }, + { + "bbox": [ + 5, + 11, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/divide.swf", + "variation_id": 0, + "video_id": "16935" + }, + { + "bbox": [ + 180, + 62, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/divide.mp4", + "variation_id": 0, + "video_id": "16936" + }, + { + "bbox": [ + 675, + 59, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Divide-2b2tUUSxnXg.mp4", + "variation_id": 0, + "video_id": "16926" + }, + { + "bbox": [ + 25, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467771745.1277.mp4", + "variation_id": 0, + "video_id": "16927" + }, + { + "bbox": [ + 71, + 11, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/divide.mp4", + "variation_id": 0, + "video_id": "16928" + }, + { + "bbox": [ + 54, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6467.mp4", + "variation_id": 0, + "video_id": "16930" + } + ] + }, + { + "gloss": "dolphin", + "instances": [ + { + "bbox": [ + 598, + 107, + 1801, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dolphin-mG-XhLkHBY0.mp4", + "variation_id": 0, + "video_id": "17159" + }, + { + "bbox": [ + 42, + 38, + 627, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499952289.1982.mp4", + "variation_id": 0, + "video_id": "17160" + }, + { + "bbox": [ + 28, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dolphin.mp4", + "variation_id": 0, + "video_id": "17161" + }, + { + "bbox": [ + 319, + 51, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 67, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=0vZntDKTT0s", + "variation_id": 0, + "video_id": "17163" + }, + { + "bbox": [ + 80, + 2, + 420, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/H3LR3WWunv0", + "variation_id": 0, + "video_id": "67581" + }, + { + "bbox": [ + 323, + 50, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 67, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=GEkPqQpC4Ss", + "variation_id": 0, + "video_id": "17164" + }, + { + "bbox": [ + 0, + 7, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dolphin.swf", + "variation_id": 0, + "video_id": "17165" + }, + { + "bbox": [ + 145, + 54, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dolphin.mp4", + "variation_id": 0, + "video_id": "17166" + }, + { + "bbox": [ + 597, + 116, + 1653, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dolphin%204-bMIfRQ57UE8.mp4", + "variation_id": 0, + "video_id": "17157" + }, + { + "bbox": [ + 475, + 113, + 1597, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dolphin%205-Ok0xJT8JtOM.mp4", + "variation_id": 0, + "video_id": "17158" + } + ] + }, + { + "gloss": "double", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4302, + "frame_start": 4250, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17374" + }, + { + "bbox": [ + 161, + 17, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOUBLE-814.mp4", + "variation_id": 0, + "video_id": "65523" + }, + { + "bbox": [ + 57, + 0, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456766.mp4", + "variation_id": 0, + "video_id": "17377" + }, + { + "bbox": [ + 705, + 150, + 1470, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Twice%2C%20Double-js9643bb6fU.mp4", + "variation_id": 0, + "video_id": "17378" + }, + { + "bbox": [ + 17, + 11, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773282.1928.mp4", + "variation_id": 0, + "video_id": "17379" + }, + { + "bbox": [ + 66, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/double.mp4", + "variation_id": 0, + "video_id": "17380" + }, + { + "bbox": [ + 69, + 15, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23888.mp4", + "variation_id": 0, + "video_id": "17381" + }, + { + "bbox": [ + 281, + 49, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Yo4nyduZIiQ", + "variation_id": 0, + "video_id": "17382" + }, + { + "bbox": [ + 0, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/double.swf", + "variation_id": 0, + "video_id": "17383" + }, + { + "bbox": [ + 239, + 44, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/double.mp4", + "variation_id": 0, + "video_id": "17384" + } + ] + }, + { + "gloss": "doubt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4345, + "frame_start": 4303, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17388" + }, + { + "bbox": [ + 14, + 14, + 193, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/doubt.swf", + "variation_id": 0, + "video_id": "17399" + }, + { + "bbox": [ + 176, + 17, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOUBT-1274.mp4", + "variation_id": 0, + "video_id": "65524" + }, + { + "bbox": [ + 68, + 0, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456770.mp4", + "variation_id": 0, + "video_id": "17390" + }, + { + "bbox": [ + 105, + 10, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/mclNocCeGUY", + "variation_id": 0, + "video_id": "67586" + }, + { + "bbox": [ + 241, + 42, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/doubt.mp4", + "variation_id": 0, + "video_id": "17400" + }, + { + "bbox": [ + 646, + 91, + 1337, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Doubt-rJL_9qyE6xw.mp4", + "variation_id": 0, + "video_id": "17391" + }, + { + "bbox": [ + 74, + 5, + 465, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/doubt.mp4", + "variation_id": 0, + "video_id": "17393" + }, + { + "bbox": [ + 94, + 22, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22940.mp4", + "variation_id": 0, + "video_id": "17394" + }, + { + "bbox": [ + 76, + 26, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22942.mp4", + "variation_id": 0, + "video_id": "17395" + } + ] + }, + { + "gloss": "dumb", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4933, + "frame_start": 4887, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17981" + }, + { + "bbox": [ + 110, + 20, + 465, + 480 + ], + "fps": 25, + "frame_end": 2478, + "frame_start": 2378, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70370" + }, + { + "bbox": [ + 164, + 61, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dumb.mp4", + "variation_id": 0, + "video_id": "17995" + }, + { + "bbox": [ + 157, + 17, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DU/DUMB-604.mp4", + "variation_id": 0, + "video_id": "65553" + }, + { + "bbox": [ + 107, + 14, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1488900284.1599.mp4", + "variation_id": 0, + "video_id": "17988" + }, + { + "bbox": [ + 88, + 21, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/bC-DYVaDxyU", + "variation_id": 0, + "video_id": "67602" + }, + { + "bbox": [ + 2, + 0, + 153, + 120 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dumb.mp4", + "variation_id": 0, + "video_id": "17989" + }, + { + "bbox": [ + 90, + 14, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24118.mp4", + "variation_id": 0, + "video_id": "17992" + }, + { + "bbox": [ + 382, + 29, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=vow9UwL-hS8", + "variation_id": 0, + "video_id": "17993" + }, + { + "bbox": [ + 8, + 2, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dumb.swf", + "variation_id": 0, + "video_id": "17994" + } + ] + }, + { + "gloss": "earth", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 444, + "frame_start": 398, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18239" + }, + { + "bbox": [ + 80, + 4, + 258, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/earth.mov", + "variation_id": 0, + "video_id": "18241" + }, + { + "bbox": [ + 79, + 21, + 402, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LOc9LJNA7kw", + "variation_id": 0, + "video_id": "67606" + }, + { + "bbox": [ + 425, + 39, + 1629, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Earth-usRyg0odYTo.mp4", + "variation_id": 0, + "video_id": "18242" + }, + { + "bbox": [ + 70, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468347713.1808.mp4", + "variation_id": 0, + "video_id": "18243" + }, + { + "bbox": [ + 55, + 5, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/earth.mp4", + "variation_id": 0, + "video_id": "18244" + }, + { + "bbox": [ + 53, + 26, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22315.mp4", + "variation_id": 0, + "video_id": "18245" + }, + { + "bbox": [ + 52, + 24, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22316.mp4", + "variation_id": 0, + "video_id": "18246" + }, + { + "bbox": [ + 62, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/earth.swf", + "variation_id": 0, + "video_id": "18247" + }, + { + "bbox": [ + 171, + 52, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/earth.mp4", + "variation_id": 0, + "video_id": "18248" + } + ] + }, + { + "gloss": "earthquake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 511, + "frame_start": 445, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18253" + }, + { + "bbox": [ + 66, + 1, + 451, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ME-0naFQOdY", + "variation_id": 0, + "video_id": "67608" + }, + { + "bbox": [ + 171, + 11, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EA/EARTHQUAKE-849.mp4", + "variation_id": 0, + "video_id": "65596" + }, + { + "bbox": [ + 29, + 0, + 315, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/e/earthquake.swf", + "variation_id": 0, + "video_id": "18261" + }, + { + "bbox": [ + 6, + 0, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456807.mp4", + "variation_id": 0, + "video_id": "18254" + }, + { + "bbox": [ + 385, + 57, + 868, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/earthquake.mp4", + "variation_id": 0, + "video_id": "18255" + }, + { + "bbox": [ + 43, + 7, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468347730.2927.mp4", + "variation_id": 0, + "video_id": "18256" + }, + { + "bbox": [ + 36, + 7, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/earthquake.mp4", + "variation_id": 0, + "video_id": "18257" + }, + { + "bbox": [ + 61, + 17, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22630.mp4", + "variation_id": 0, + "video_id": "18258" + }, + { + "bbox": [ + 292, + 38, + 1095, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KAOseWslhHQ", + "variation_id": 0, + "video_id": "18259" + } + ] + }, + { + "gloss": "eight", + "instances": [ + { + "bbox": [ + 215, + 37, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/eight.mp4", + "variation_id": 0, + "video_id": "69309" + }, + { + "bbox": [ + 50, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 1, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357179.mp4", + "variation_id": 0, + "video_id": "18569" + }, + { + "bbox": [ + 620, + 110, + 1491, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%208-CARjA59J2iE.mp4", + "variation_id": 0, + "video_id": "18570" + }, + { + "bbox": [ + 111, + 9, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1470569933.1547.mp4", + "variation_id": 0, + "video_id": "18571" + }, + { + "bbox": [ + 35, + 0, + 305, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/eight.mp4", + "variation_id": 0, + "video_id": "18572" + }, + { + "bbox": [ + 57, + 13, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/eight-oclock.mp4", + "variation_id": 0, + "video_id": "18574" + }, + { + "bbox": [ + 77, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11008.mp4", + "variation_id": 0, + "video_id": "18575" + }, + { + "bbox": [ + 314, + 42, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZdZco8j2BNo", + "variation_id": 0, + "video_id": "18576" + }, + { + "bbox": [ + 0, + 18, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/eight.swf", + "variation_id": 0, + "video_id": "18577" + }, + { + "bbox": [ + 148, + 55, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eight.mp4", + "variation_id": 0, + "video_id": "18578" + } + ] + }, + { + "gloss": "embarrass", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1261, + "frame_start": 1195, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18887" + }, + { + "bbox": [ + 185, + 49, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/embarrass.mp4", + "variation_id": 0, + "video_id": "18903" + }, + { + "bbox": [ + 172, + 6, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EM/EMBARRASS-2756.mp4", + "variation_id": 0, + "video_id": "65626" + }, + { + "bbox": [ + 101, + 22, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/2qyQurwyqAk", + "variation_id": 0, + "video_id": "67619" + }, + { + "bbox": [ + 726, + 42, + 1642, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Embarassing-U8xzdYpv9iU.mp4", + "variation_id": 0, + "video_id": "18897" + }, + { + "bbox": [ + 708, + 51, + 1609, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Very%20Embarassing-edUfrayptZc.mp4", + "variation_id": 0, + "video_id": "18898" + }, + { + "bbox": [ + 112, + 13, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468375503.6676.mp4", + "variation_id": 0, + "video_id": "18899" + }, + { + "bbox": [ + 83, + 20, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22154.mp4", + "variation_id": 0, + "video_id": "18900" + }, + { + "bbox": [ + 326, + 56, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ekHp_oJtklI", + "variation_id": 0, + "video_id": "18901" + }, + { + "bbox": [ + 0, + 17, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/embarrass.swf", + "variation_id": 0, + "video_id": "18902" + } + ] + }, + { + "gloss": "emotion", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1405, + "frame_start": 1339, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18970" + }, + { + "bbox": [ + 165, + 52, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/emotion.mp4", + "variation_id": 0, + "video_id": "18986" + }, + { + "bbox": [ + 44, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185049.mp4", + "variation_id": 0, + "video_id": "18978" + }, + { + "bbox": [ + 73, + 3, + 421, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/h40YOCgX-ZU", + "variation_id": 0, + "video_id": "67621" + }, + { + "bbox": [ + 43, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58293.mp4", + "variation_id": 0, + "video_id": "18979" + }, + { + "bbox": [ + 550, + 67, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Emotional-C59jcSo4fEI.mp4", + "variation_id": 0, + "video_id": "18980" + }, + { + "bbox": [ + 48, + 8, + 622, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468375616.6230.mp4", + "variation_id": 0, + "video_id": "18981" + }, + { + "bbox": [ + 62, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/emotion.mp4", + "variation_id": 0, + "video_id": "18982" + }, + { + "bbox": [ + 71, + 9, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14568.mp4", + "variation_id": 0, + "video_id": "18983" + }, + { + "bbox": [ + 335, + 29, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MM4AryN2ddY", + "variation_id": 0, + "video_id": "18984" + } + ] + }, + { + "gloss": "encourage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1468, + "frame_start": 1429, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19086" + }, + { + "bbox": [ + 150, + 32, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENCOURAGE-1306.mp4", + "variation_id": 0, + "video_id": "65628" + }, + { + "bbox": [ + 58, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456877.mp4", + "variation_id": 0, + "video_id": "19087" + }, + { + "bbox": [ + 228, + 50, + 1916, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Encourage%202-t168_Qh_vB4.mp4", + "variation_id": 0, + "video_id": "19088" + }, + { + "bbox": [ + 221, + 36, + 1907, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Encourage-Cw4cZUxpO-0.mp4", + "variation_id": 0, + "video_id": "19089" + }, + { + "bbox": [ + 50, + 12, + 594, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468376058.6479.mp4", + "variation_id": 0, + "video_id": "19090" + }, + { + "bbox": [ + 41, + 14, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/encourage.mp4", + "variation_id": 0, + "video_id": "19091" + }, + { + "bbox": [ + 37, + 23, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23002.mp4", + "variation_id": 0, + "video_id": "19092" + }, + { + "bbox": [ + 0, + 15, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/encourage.swf", + "variation_id": 0, + "video_id": "19093" + }, + { + "bbox": [ + 138, + 53, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/encourage.mp4", + "variation_id": 0, + "video_id": "19094" + } + ] + }, + { + "gloss": "energy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1555, + "frame_start": 1506, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19164" + }, + { + "bbox": [ + 186, + 15, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENERGY-798.mp4", + "variation_id": 0, + "video_id": "65630" + }, + { + "bbox": [ + 83, + 11, + 234, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/energy.mov", + "variation_id": 0, + "video_id": "19165" + }, + { + "bbox": [ + 50, + 11, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63612.mp4", + "variation_id": 0, + "video_id": "19166" + }, + { + "bbox": [ + 77, + 14, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376211.4932.mp4", + "variation_id": 0, + "video_id": "19167" + }, + { + "bbox": [ + 123, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/energy.mp4", + "variation_id": 0, + "video_id": "19168" + }, + { + "bbox": [ + 84, + 13, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14464.mp4", + "variation_id": 0, + "video_id": "19169" + }, + { + "bbox": [ + 331, + 53, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YYcyRlI1OWU", + "variation_id": 0, + "video_id": "19170" + }, + { + "bbox": [ + 0, + 22, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/energy.swf", + "variation_id": 0, + "video_id": "19171" + }, + { + "bbox": [ + 193, + 53, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/energy.mp4", + "variation_id": 0, + "video_id": "19172" + } + ] + }, + { + "gloss": "enough", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1938, + "frame_start": 1899, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19304" + }, + { + "bbox": [ + 217, + 44, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/enough.mp4", + "variation_id": 0, + "video_id": "19312" + }, + { + "bbox": [ + 145, + 27, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENOUGH-1314.mp4", + "variation_id": 0, + "video_id": "65637" + }, + { + "bbox": [ + 95, + 19, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/1bbQmCywhzI", + "variation_id": 0, + "video_id": "67626" + }, + { + "bbox": [ + 74, + 13, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/308086.mp4", + "variation_id": 0, + "video_id": "19305" + }, + { + "bbox": [ + 75, + 6, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468376499.3047.mp4", + "variation_id": 0, + "video_id": "19306" + }, + { + "bbox": [ + 65, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/enough.mp4", + "variation_id": 0, + "video_id": "19308" + }, + { + "bbox": [ + 91, + 18, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7837.mp4", + "variation_id": 0, + "video_id": "19309" + }, + { + "bbox": [ + 287, + 42, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=XVgP90cND4M", + "variation_id": 0, + "video_id": "19310" + }, + { + "bbox": [ + 25, + 20, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/enough.swf", + "variation_id": 0, + "video_id": "19311" + } + ] + }, + { + "gloss": "evaluate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2451, + "frame_start": 2395, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19703" + }, + { + "bbox": [ + 0, + 16, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/evaluate.swf", + "variation_id": 0, + "video_id": "19712" + }, + { + "bbox": [ + 121, + 22, + 461, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/P1e8dAwLMBg", + "variation_id": 0, + "video_id": "67630" + }, + { + "bbox": [ + 186, + 53, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/evaluate.mp4", + "variation_id": 0, + "video_id": "19713" + }, + { + "bbox": [ + 34, + 0, + 318, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/evaluate.mov", + "variation_id": 0, + "video_id": "19704" + }, + { + "bbox": [ + 35, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51807.mp4", + "variation_id": 0, + "video_id": "19705" + }, + { + "bbox": [ + 620, + 49, + 1752, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Evaluate-xX6r3gVyfmQ.mp4", + "variation_id": 0, + "video_id": "19706" + }, + { + "bbox": [ + 130, + 35, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499777340.3834.mp4", + "variation_id": 0, + "video_id": "19707" + }, + { + "bbox": [ + 3, + 0, + 629, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/evaluate.mp4", + "variation_id": 0, + "video_id": "19708" + }, + { + "bbox": [ + 317, + 31, + 1089, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5xbvZ45ZEm8", + "variation_id": 0, + "video_id": "19710" + } + ] + }, + { + "gloss": "evidence", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2829, + "frame_start": 2770, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19966" + }, + { + "bbox": [ + 84, + 9, + 241, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/evidence.mov", + "variation_id": 0, + "video_id": "19967" + }, + { + "bbox": [ + 79, + 16, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91386.mp4", + "variation_id": 0, + "video_id": "19968" + }, + { + "bbox": [ + 905, + 57, + 1745, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Evidence%202-Vebxr9iLjMA.mp4", + "variation_id": 0, + "video_id": "19969" + }, + { + "bbox": [ + 895, + 61, + 1752, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Evidence-BTHLyCd_MdU.mp4", + "variation_id": 0, + "video_id": "19970" + }, + { + "bbox": [ + 85, + 11, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468378036.1785.mp4", + "variation_id": 0, + "video_id": "19971" + }, + { + "bbox": [ + 127, + 10, + 507, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/evidence2.mp4", + "variation_id": 0, + "video_id": "19972" + }, + { + "bbox": [ + 159, + 4, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/evidence.mp4", + "variation_id": 0, + "video_id": "19973" + }, + { + "bbox": [ + 98, + 22, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23491.mp4", + "variation_id": 0, + "video_id": "19974" + }, + { + "bbox": [ + 186, + 62, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/evidence.mp4", + "variation_id": 0, + "video_id": "19975" + } + ] + }, + { + "gloss": "exact", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2879, + "frame_start": 2830, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20007" + }, + { + "bbox": [ + 180, + 21, + 503, + 480 + ], + "fps": 25, + "frame_end": 3375, + "frame_start": 3260, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70115" + }, + { + "bbox": [ + 186, + 16, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXACT-810.mp4", + "variation_id": 0, + "video_id": "65650" + }, + { + "bbox": [ + 52, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 28, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/486586.mp4", + "variation_id": 0, + "video_id": "20008" + }, + { + "bbox": [ + 606, + 77, + 1550, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Exact%2C%20Precise%2C%20Specific-SfsTP2s2NfY.mp4", + "variation_id": 0, + "video_id": "20009" + }, + { + "bbox": [ + 148, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468842317.9240.mp4", + "variation_id": 0, + "video_id": "20010" + }, + { + "bbox": [ + 81, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/exact.mp4", + "variation_id": 0, + "video_id": "20011" + }, + { + "bbox": [ + 79, + 17, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24084.mp4", + "variation_id": 0, + "video_id": "20012" + }, + { + "bbox": [ + 0, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/exact.swf", + "variation_id": 0, + "video_id": "20013" + }, + { + "bbox": [ + 189, + 60, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/exact.mp4", + "variation_id": 0, + "video_id": "20014" + } + ] + }, + { + "gloss": "exaggerate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2932, + "frame_start": 2880, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20020" + }, + { + "bbox": [ + 17, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455266.mp4", + "variation_id": 0, + "video_id": "20022" + }, + { + "bbox": [ + 740, + 60, + 1803, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Exaggerated-ElPiq2vbag8.mp4", + "variation_id": 0, + "video_id": "20023" + }, + { + "bbox": [ + 62, + 0, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1512916672.6804.mp4", + "variation_id": 0, + "video_id": "20024" + }, + { + "bbox": [ + 51, + 13, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/exaggerate.mp4", + "variation_id": 0, + "video_id": "20025" + }, + { + "bbox": [ + 45, + 14, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/exaggerate-very.mp4", + "variation_id": 0, + "video_id": "20026" + }, + { + "bbox": [ + 34, + 7, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9697.mp4", + "variation_id": 0, + "video_id": "20027" + }, + { + "bbox": [ + 270, + 52, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-gEac3GY3AU", + "variation_id": 0, + "video_id": "20028" + }, + { + "bbox": [ + 7, + 7, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/exaggerate.swf", + "variation_id": 0, + "video_id": "20029" + }, + { + "bbox": [ + 171, + 61, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/exaggerate.mp4", + "variation_id": 0, + "video_id": "20030" + } + ] + }, + { + "gloss": "expect", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3249, + "frame_start": 3200, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20327" + }, + { + "bbox": [ + 55, + 11, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91391.mp4", + "variation_id": 0, + "video_id": "20334" + }, + { + "bbox": [ + 763, + 146, + 1568, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expect-oMpdybUn-9Y.mp4", + "variation_id": 0, + "video_id": "20335" + }, + { + "bbox": [ + 689, + 147, + 1575, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hope-ja2Crl0Zpyo.mp4", + "variation_id": 0, + "video_id": "20336" + }, + { + "bbox": [ + 27, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468379120.9224.mp4", + "variation_id": 0, + "video_id": "20337" + }, + { + "bbox": [ + 96, + 0, + 484, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/expect.mp4", + "variation_id": 0, + "video_id": "20338" + }, + { + "bbox": [ + 69, + 7, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22198.mp4", + "variation_id": 0, + "video_id": "20339" + }, + { + "bbox": [ + 134, + 8, + 533, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YMmryqyChUE", + "variation_id": 0, + "video_id": "20340" + }, + { + "bbox": [ + 0, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/expect.swf", + "variation_id": 0, + "video_id": "20341" + }, + { + "bbox": [ + 183, + 56, + 586, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/expect.mp4", + "variation_id": 0, + "video_id": "20342" + } + ] + }, + { + "gloss": "fancy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 479, + "frame_start": 427, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21022" + }, + { + "bbox": [ + 66, + 13, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9217.mp4", + "variation_id": 0, + "video_id": "21030" + }, + { + "bbox": [ + 57, + 2, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_QX0o9Rlsng", + "variation_id": 0, + "video_id": "21031" + }, + { + "bbox": [ + 184, + 27, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FANCY-1382.mp4", + "variation_id": 0, + "video_id": "65680" + }, + { + "bbox": [ + 234, + 40, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/courteous.mp4", + "variation_id": 0, + "video_id": "21033" + }, + { + "bbox": [ + 69, + 37, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92996.mp4", + "variation_id": 0, + "video_id": "21023" + }, + { + "bbox": [ + 771, + 60, + 1661, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fancy%202-CHKoDIdgR0o.mp4", + "variation_id": 0, + "video_id": "21024" + }, + { + "bbox": [ + 609, + 64, + 1524, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fancy-rHFTrhCiam4.mp4", + "variation_id": 0, + "video_id": "21026" + }, + { + "bbox": [ + 47, + 16, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468463313.7788.mp4", + "variation_id": 0, + "video_id": "21027" + }, + { + "bbox": [ + 181, + 0, + 548, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fancy.mp4", + "variation_id": 0, + "video_id": "21028" + } + ] + }, + { + "gloss": "favorite", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 769, + "frame_start": 703, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21302" + }, + { + "bbox": [ + 329, + 12, + 886, + 720 + ], + "fps": 25, + "frame_end": 41, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=h-uWk4tseSg", + "variation_id": 0, + "video_id": "68536" + }, + { + "bbox": [ + 77, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9023.mp4", + "variation_id": 0, + "video_id": "21309" + }, + { + "bbox": [ + 274, + 0, + 919, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=fNKs28s0ONw", + "variation_id": 0, + "video_id": "21310" + }, + { + "bbox": [ + 212, + 7, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAVORITE-225.mp4", + "variation_id": 0, + "video_id": "65694" + }, + { + "bbox": [ + 103, + 14, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/ru4xwBQQ7xk", + "variation_id": 0, + "video_id": "67650" + }, + { + "bbox": [ + 193, + 54, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/prefer.mp4", + "variation_id": 0, + "video_id": "21312" + }, + { + "bbox": [ + 72, + 0, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455636.mp4", + "variation_id": 0, + "video_id": "21303" + }, + { + "bbox": [ + 111, + 9, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468463740.5539.mp4", + "variation_id": 0, + "video_id": "21304" + }, + { + "bbox": [ + 69, + 0, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/favorite-prefer.mp4", + "variation_id": 0, + "video_id": "21306" + } + ] + }, + { + "gloss": "finally", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1371, + "frame_start": 1319, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21828" + }, + { + "bbox": [ + 61, + 18, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/eCVLTMJuhvk", + "variation_id": 0, + "video_id": "67657" + }, + { + "bbox": [ + 79, + 16, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307814.mp4", + "variation_id": 0, + "video_id": "21829" + }, + { + "bbox": [ + 371, + 47, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/finally.mp4", + "variation_id": 0, + "video_id": "21830" + }, + { + "bbox": [ + 700, + 67, + 1670, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Finally-M9a2BvSLVgY.mp4", + "variation_id": 0, + "video_id": "21831" + }, + { + "bbox": [ + 698, + 51, + 1689, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pah%2C%20Succeed-uQLSrRhjizs.mp4", + "variation_id": 0, + "video_id": "21832" + }, + { + "bbox": [ + 23, + 0, + 636, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468494214.2468.mp4", + "variation_id": 0, + "video_id": "21833" + }, + { + "bbox": [ + 27, + 9, + 305, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/finally-pah.mp4", + "variation_id": 0, + "video_id": "21834" + }, + { + "bbox": [ + 40, + 13, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9137.mp4", + "variation_id": 0, + "video_id": "21835" + }, + { + "bbox": [ + 223, + 36, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/at-last.mp4", + "variation_id": 0, + "video_id": "21836" + } + ] + }, + { + "gloss": "fox", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2842, + "frame_start": 2780, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23273" + }, + { + "bbox": [ + 182, + 52, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fox.mp4", + "variation_id": 0, + "video_id": "23281" + }, + { + "bbox": [ + 163, + 19, + 454, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOX-577.mp4", + "variation_id": 0, + "video_id": "65775" + }, + { + "bbox": [ + 111, + 15, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/rUAbVUxaL0Y", + "variation_id": 0, + "video_id": "67682" + }, + { + "bbox": [ + 53, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/184804.mp4", + "variation_id": 0, + "video_id": "23274" + }, + { + "bbox": [ + 48, + 2, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/73310.mp4", + "variation_id": 0, + "video_id": "23275" + }, + { + "bbox": [ + 656, + 72, + 1574, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fox-kn1hGuVUU3o.mp4", + "variation_id": 0, + "video_id": "23276" + }, + { + "bbox": [ + 109, + 13, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513795.4623.mp4", + "variation_id": 0, + "video_id": "23277" + }, + { + "bbox": [ + 212, + 15, + 544, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/fox-animal.mp4", + "variation_id": 0, + "video_id": "23278" + }, + { + "bbox": [ + 75, + 10, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14634.mp4", + "variation_id": 0, + "video_id": "23279" + } + ] + }, + { + "gloss": "french", + "instances": [ + { + "bbox": [ + 48, + 12, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/308166.mp4", + "variation_id": 0, + "video_id": "23479" + }, + { + "bbox": [ + 288, + 0, + 1032, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=FWDwbVrTZTM", + "variation_id": 0, + "video_id": "68055" + }, + { + "bbox": [ + 98, + 2, + 524, + 360 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Q6BrTOMNLkU", + "variation_id": 0, + "video_id": "68822" + }, + { + "bbox": [ + 94, + 24, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/LeL2J-3eUsQ", + "variation_id": 0, + "video_id": "67688" + }, + { + "bbox": [ + 162, + 52, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/france.mp4", + "variation_id": 0, + "video_id": "23489" + }, + { + "bbox": [ + 469, + 110, + 1410, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20France%202-mt_FTD9DhOU.mp4", + "variation_id": 0, + "video_id": "23481" + }, + { + "bbox": [ + 79, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514031.4916.mp4", + "variation_id": 0, + "video_id": "23482" + }, + { + "bbox": [ + 125, + 3, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/french.mp4", + "variation_id": 0, + "video_id": "23483" + }, + { + "bbox": [ + 66, + 12, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9643.mp4", + "variation_id": 0, + "video_id": "23485" + }, + { + "bbox": [ + 246, + 26, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7c2SLSeZNB4", + "variation_id": 0, + "video_id": "23486" + } + ] + }, + { + "gloss": "fruit", + "instances": [ + { + "bbox": [ + 13, + 6, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fruit.swf", + "variation_id": 0, + "video_id": "23708" + }, + { + "bbox": [ + 184, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fruit.mp4", + "variation_id": 0, + "video_id": "23709" + }, + { + "bbox": [ + 160, + 34, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FRUIT-1505.mp4", + "variation_id": 0, + "video_id": "65789" + }, + { + "bbox": [ + 87, + 11, + 233, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/fruit.mov", + "variation_id": 0, + "video_id": "23701" + }, + { + "bbox": [ + 103, + 21, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4wyajy6ObOo", + "variation_id": 0, + "video_id": "67696" + }, + { + "bbox": [ + 49, + 7, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/75001.mp4", + "variation_id": 0, + "video_id": "23702" + }, + { + "bbox": [ + 407, + 46, + 799, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fruit.mp4", + "variation_id": 0, + "video_id": "23703" + }, + { + "bbox": [ + 362, + 15, + 804, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fruit-UcwPhApYAsY.mp4", + "variation_id": 0, + "video_id": "23704" + }, + { + "bbox": [ + 116, + 11, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468514391.443.mp4", + "variation_id": 0, + "video_id": "23705" + }, + { + "bbox": [ + 56, + 11, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fruit.mp4", + "variation_id": 0, + "video_id": "23706" + } + ] + }, + { + "gloss": "function", + "instances": [ + { + "bbox": [ + 157, + 38, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FU/FUNCTION-1507.mp4", + "variation_id": 0, + "video_id": "65796" + }, + { + "bbox": [ + 231, + 34, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/factory.mp4", + "variation_id": 0, + "video_id": "23811" + }, + { + "bbox": [ + 90, + 4, + 248, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/funkshun.mov", + "variation_id": 0, + "video_id": "23802" + }, + { + "bbox": [ + 74, + 42, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91767.mp4", + "variation_id": 0, + "video_id": "23804" + }, + { + "bbox": [ + 375, + 61, + 1652, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Function-HDuUWjyo-sw.mp4", + "variation_id": 0, + "video_id": "23805" + }, + { + "bbox": [ + 148, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1538314967.935.mp4", + "variation_id": 0, + "video_id": "23806" + }, + { + "bbox": [ + 43, + 0, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/function.mp4", + "variation_id": 0, + "video_id": "23807" + }, + { + "bbox": [ + 44, + 9, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1601.mp4", + "variation_id": 0, + "video_id": "23808" + }, + { + "bbox": [ + 317, + 51, + 906, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=d--EC8IxenA", + "variation_id": 0, + "video_id": "23809" + }, + { + "bbox": [ + 25, + 23, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/function.swf", + "variation_id": 0, + "video_id": "23810" + } + ] + }, + { + "gloss": "gather", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 329, + "frame_start": 283, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24165" + }, + { + "bbox": [ + 75, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7467.mp4", + "variation_id": 1, + "video_id": "24174" + }, + { + "bbox": [ + 72, + 26, + 568, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GA/GATHER-1510.mp4", + "variation_id": 0, + "video_id": "65803" + }, + { + "bbox": [ + 4, + 9, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/g/gather.swf", + "variation_id": 1, + "video_id": "24175" + }, + { + "bbox": [ + 133, + 55, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/gather.mp4", + "variation_id": 0, + "video_id": "24176" + }, + { + "bbox": [ + 40, + 35, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93074.mp4", + "variation_id": 0, + "video_id": "24166" + }, + { + "bbox": [ + 106, + 17, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468515187.4163.mp4", + "variation_id": 1, + "video_id": "24167" + }, + { + "bbox": [ + 5, + 0, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gather-collect2.mp4", + "variation_id": 1, + "video_id": "24169" + }, + { + "bbox": [ + 42, + 0, + 496, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gather-collect.mp4", + "variation_id": 1, + "video_id": "24170" + }, + { + "bbox": [ + 67, + 8, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14549.mp4", + "variation_id": 0, + "video_id": "24171" + } + ] + }, + { + "gloss": "germany", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 526, + "frame_start": 467, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24376" + }, + { + "bbox": [ + 75, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5738.mp4", + "variation_id": 0, + "video_id": "24385" + }, + { + "bbox": [ + 30, + 21, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/germany_a.swf", + "variation_id": 0, + "video_id": "24386" + }, + { + "bbox": [ + 154, + 37, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GE/GERMANY-1513.mp4", + "variation_id": 0, + "video_id": "65806" + }, + { + "bbox": [ + 70, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456441.mp4", + "variation_id": 0, + "video_id": "24378" + }, + { + "bbox": [ + 92, + 19, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/bSKaSDS528c", + "variation_id": 0, + "video_id": "67706" + }, + { + "bbox": [ + 671, + 116, + 1480, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Germany%202-_lZFr6fn1AE.mp4", + "variation_id": 0, + "video_id": "24379" + }, + { + "bbox": [ + 130, + 19, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468515577.7636.mp4", + "variation_id": 0, + "video_id": "24381" + }, + { + "bbox": [ + 192, + 58, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 34, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1546573782.8934.mp4", + "variation_id": 0, + "video_id": "24382" + }, + { + "bbox": [ + 126, + 0, + 547, + 476 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/germany.mp4", + "variation_id": 0, + "video_id": "24383" + } + ] + }, + { + "gloss": "gloves", + "instances": [ + { + "bbox": [ + 61, + 15, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549209.7323.mp4", + "variation_id": 0, + "video_id": "24822" + }, + { + "bbox": [ + 288, + 25, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wOVDN0BUETY", + "variation_id": 0, + "video_id": "24829" + }, + { + "bbox": [ + 0, + 7, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/d/disposable_gloves.swf", + "variation_id": 0, + "video_id": "24830" + }, + { + "bbox": [ + 0, + 0, + 242, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/g/gloves_rubber.swf", + "variation_id": 0, + "video_id": "24831" + }, + { + "bbox": [ + 126, + 20, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7hB7LfL_nKw", + "variation_id": 0, + "video_id": "67711" + }, + { + "bbox": [ + 15, + 7, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/g/gloves.swf", + "variation_id": 0, + "video_id": "24832" + }, + { + "bbox": [ + 72, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6384.mp4", + "variation_id": 0, + "video_id": "24824" + }, + { + "bbox": [ + 277, + 46, + 1039, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ai0QXrPMWpg", + "variation_id": 0, + "video_id": "24826" + }, + { + "bbox": [ + 289, + 44, + 1039, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=GTs7x2e5DYc", + "variation_id": 0, + "video_id": "24827" + }, + { + "bbox": [ + 288, + 44, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SriKjMGHH_c", + "variation_id": 0, + "video_id": "24828" + } + ] + }, + { + "gloss": "goat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1013, + "frame_start": 967, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24883" + }, + { + "bbox": [ + 216, + 27, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/goat.mp4", + "variation_id": 0, + "video_id": "24895" + }, + { + "bbox": [ + 214, + 33, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GOAT-1993.mp4", + "variation_id": 0, + "video_id": "65830" + }, + { + "bbox": [ + 70, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456456.mp4", + "variation_id": 0, + "video_id": "24888" + }, + { + "bbox": [ + 114, + 0, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1Ly4GGlhHY4", + "variation_id": 0, + "video_id": "67714" + }, + { + "bbox": [ + 658, + 60, + 1617, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Goat-29KaZ5vQDDY.mp4", + "variation_id": 0, + "video_id": "24889" + }, + { + "bbox": [ + 27, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549328.9567.mp4", + "variation_id": 0, + "video_id": "24890" + }, + { + "bbox": [ + 46, + 10, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/goat.mp4", + "variation_id": 0, + "video_id": "24891" + }, + { + "bbox": [ + 78, + 0, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5660.mp4", + "variation_id": 0, + "video_id": "24892" + }, + { + "bbox": [ + 32, + 22, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/goat.swf", + "variation_id": 0, + "video_id": "24894" + } + ] + }, + { + "gloss": "goodbye", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1283, + "frame_start": 1237, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25041" + }, + { + "bbox": [ + 660, + 20, + 1681, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20GoodBye-73DrhTsZt7k.mp4", + "variation_id": 0, + "video_id": "25044" + }, + { + "bbox": [ + 78, + 22, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22866.mp4", + "variation_id": 0, + "video_id": "25052" + }, + { + "bbox": [ + 335, + 65, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 51, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=FdZx-kM6jhM", + "variation_id": 0, + "video_id": "25053" + }, + { + "bbox": [ + 316, + 67, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=wUIvZdlxMx0", + "variation_id": 0, + "video_id": "25054" + }, + { + "bbox": [ + 225, + 42, + 470, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/goodbye.mp4", + "variation_id": 0, + "video_id": "25055" + }, + { + "bbox": [ + 45, + 0, + 478, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/good-bye.mp4", + "variation_id": 0, + "video_id": "25047" + }, + { + "bbox": [ + 66, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/goodbye.mp4", + "variation_id": 0, + "video_id": "25048" + }, + { + "bbox": [ + 73, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22741.mp4", + "variation_id": 0, + "video_id": "25049" + }, + { + "bbox": [ + 75, + 20, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22865.mp4", + "variation_id": 0, + "video_id": "25051" + } + ] + }, + { + "gloss": "grow", + "instances": [ + { + "bbox": [ + 384, + 41, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/grow.mp4", + "variation_id": 0, + "video_id": "69354" + }, + { + "bbox": [ + 172, + 37, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GROW-1853.mp4", + "variation_id": 0, + "video_id": "65862" + }, + { + "bbox": [ + 237, + 41, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grow.mp4", + "variation_id": 0, + "video_id": "25852" + }, + { + "bbox": [ + 69, + 3, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456531.mp4", + "variation_id": 0, + "video_id": "25844" + }, + { + "bbox": [ + 101, + 11, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bzE4Zw9gIAI", + "variation_id": 0, + "video_id": "67730" + }, + { + "bbox": [ + 657, + 38, + 1614, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grow-CKj22bHNUSE.mp4", + "variation_id": 0, + "video_id": "25846" + }, + { + "bbox": [ + 87, + 13, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468550831.9154.mp4", + "variation_id": 0, + "video_id": "25847" + }, + { + "bbox": [ + 71, + 19, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/grow.mp4", + "variation_id": 0, + "video_id": "25849" + }, + { + "bbox": [ + 101, + 21, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22603.mp4", + "variation_id": 0, + "video_id": "25850" + }, + { + "bbox": [ + 24, + 1, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/grow.swf", + "variation_id": 0, + "video_id": "25851" + } + ] + }, + { + "gloss": "gum", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2287, + "frame_start": 2215, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "26001" + }, + { + "bbox": [ + 166, + 37, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GU/GUM-1850.mp4", + "variation_id": 0, + "video_id": "65868" + }, + { + "bbox": [ + 68, + 50, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93109.mp4", + "variation_id": 0, + "video_id": "26002" + }, + { + "bbox": [ + 688, + 137, + 1480, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gum-44XwkLXYj94.mp4", + "variation_id": 0, + "video_id": "26003" + }, + { + "bbox": [ + 87, + 15, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468551183.4338.mp4", + "variation_id": 0, + "video_id": "26004" + }, + { + "bbox": [ + 80, + 13, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/gum.mp4", + "variation_id": 0, + "video_id": "26005" + }, + { + "bbox": [ + 41, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6791.mp4", + "variation_id": 0, + "video_id": "26006" + }, + { + "bbox": [ + 318, + 43, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Sr0GhJ-W4h8", + "variation_id": 0, + "video_id": "26007" + }, + { + "bbox": [ + 0, + 6, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/g/gum.swf", + "variation_id": 0, + "video_id": "26008" + }, + { + "bbox": [ + 179, + 65, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gum.mp4", + "variation_id": 0, + "video_id": "26009" + } + ] + }, + { + "gloss": "half", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 247, + "frame_start": 211, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26203" + }, + { + "bbox": [ + 299, + 40, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lrBSEVw7KdY", + "variation_id": 0, + "video_id": "26222" + }, + { + "bbox": [ + 38, + 18, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/half.swf", + "variation_id": 0, + "video_id": "26223" + }, + { + "bbox": [ + 75, + 5, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456540.mp4", + "variation_id": 0, + "video_id": "26214" + }, + { + "bbox": [ + 210, + 52, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/one-half.mp4", + "variation_id": 0, + "video_id": "26224" + }, + { + "bbox": [ + 634, + 64, + 1605, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Half-Dpy5EO_2O5w.mp4", + "variation_id": 0, + "video_id": "26215" + }, + { + "bbox": [ + 91, + 8, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579045.8477.mp4", + "variation_id": 0, + "video_id": "26216" + }, + { + "bbox": [ + 37, + 9, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/half.mp4", + "variation_id": 0, + "video_id": "26217" + }, + { + "bbox": [ + 68, + 10, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9700.mp4", + "variation_id": 0, + "video_id": "26220" + }, + { + "bbox": [ + 294, + 38, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ghF1BEx1XM8", + "variation_id": 0, + "video_id": "26221" + } + ] + }, + { + "gloss": "hawaii", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 824, + "frame_start": 772, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26797" + }, + { + "bbox": [ + 78, + 10, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14818.mp4", + "variation_id": 1, + "video_id": "26807" + }, + { + "bbox": [ + 551, + 48, + 1595, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Handsome-C3jtksOXg7E.mp4", + "variation_id": 1, + "video_id": "26799" + }, + { + "bbox": [ + 176, + 49, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/hawaii.mp4", + "variation_id": 1, + "video_id": "26810" + }, + { + "bbox": [ + 847, + 49, + 1732, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hawaii-igoH7Q7IRKc.mp4", + "variation_id": 1, + "video_id": "26800" + }, + { + "bbox": [ + 716, + 38, + 1566, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hawaii-_VJzJB0GRc8.mp4", + "variation_id": 0, + "video_id": "26801" + }, + { + "bbox": [ + 1, + 16, + 639, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468580008.3777.mp4", + "variation_id": 0, + "video_id": "26802" + }, + { + "bbox": [ + 168, + 9, + 517, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hawaii-h.mp4", + "variation_id": 1, + "video_id": "26804" + }, + { + "bbox": [ + 67, + 8, + 552, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hawaii.mp4", + "variation_id": 0, + "video_id": "26805" + }, + { + "bbox": [ + 18, + 6, + 258, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14123.mp4", + "variation_id": 0, + "video_id": "26806" + } + ] + }, + { + "gloss": "herself", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1579, + "frame_start": 1517, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27312" + }, + { + "bbox": [ + 76, + 16, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9276.mp4", + "variation_id": 0, + "video_id": "27321" + }, + { + "bbox": [ + 189, + 61, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/herself.mp4", + "variation_id": 0, + "video_id": "27322" + }, + { + "bbox": [ + 693, + 94, + 1504, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Doorbell-gwMaEaC75es.mp4", + "variation_id": 1, + "video_id": "27313" + }, + { + "bbox": [ + 267, + 52, + 1642, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Herself%2C%20Himself%202-glWmq0_vA0Q.mp4", + "variation_id": 1, + "video_id": "27314" + }, + { + "bbox": [ + 524, + 58, + 1590, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Herself%2C%20Himself-eMmP7nduS5E.mp4", + "variation_id": 0, + "video_id": "27315" + }, + { + "bbox": [ + 80, + 10, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468580823.5478.mp4", + "variation_id": 1, + "video_id": "27316" + }, + { + "bbox": [ + 81, + 4, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/herself2.mp4", + "variation_id": 0, + "video_id": "27317" + }, + { + "bbox": [ + 51, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/herself.mp4", + "variation_id": 1, + "video_id": "27318" + }, + { + "bbox": [ + 85, + 13, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7200.mp4", + "variation_id": 1, + "video_id": "27319" + } + ] + }, + { + "gloss": "highway", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1713, + "frame_start": 1657, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27444" + }, + { + "bbox": [ + 69, + 5, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5955.mp4", + "variation_id": 0, + "video_id": "27451" + }, + { + "bbox": [ + 69, + 2, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5956.mp4", + "variation_id": 0, + "video_id": "27452" + }, + { + "bbox": [ + 25, + 0, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/h/highway.swf", + "variation_id": 0, + "video_id": "27455" + }, + { + "bbox": [ + 175, + 51, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/freeway.mp4", + "variation_id": 0, + "video_id": "27456" + }, + { + "bbox": [ + 41, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/73027.mp4", + "variation_id": 0, + "video_id": "27445" + }, + { + "bbox": [ + 78, + 10, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580990.8981.mp4", + "variation_id": 0, + "video_id": "27446" + }, + { + "bbox": [ + 37, + 11, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/highway.mp4", + "variation_id": 0, + "video_id": "27447" + }, + { + "bbox": [ + 73, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5952.mp4", + "variation_id": 0, + "video_id": "27448" + }, + { + "bbox": [ + 69, + 6, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5954.mp4", + "variation_id": 0, + "video_id": "27450" + } + ] + }, + { + "gloss": "homework", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1973, + "frame_start": 1907, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27788" + }, + { + "bbox": [ + 72, + 15, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468581667.2309.mp4", + "variation_id": 0, + "video_id": "27793" + }, + { + "bbox": [ + 232, + 0, + 659, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=pCDfDoBa_Go", + "variation_id": 0, + "video_id": "68073" + }, + { + "bbox": [ + 130, + 19, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/cfhZv1QRwh8", + "variation_id": 0, + "video_id": "67766" + }, + { + "bbox": [ + 70, + 3, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/homework.swf", + "variation_id": 0, + "video_id": "27800" + }, + { + "bbox": [ + 435, + 52, + 826, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/homework.mp4", + "variation_id": 0, + "video_id": "27790" + }, + { + "bbox": [ + 55, + 9, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58527.mp4", + "variation_id": 0, + "video_id": "27789" + }, + { + "bbox": [ + 91, + 9, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/homework.mp4", + "variation_id": 0, + "video_id": "27795" + }, + { + "bbox": [ + 186, + 53, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/homework.mp4", + "variation_id": 0, + "video_id": "27801" + }, + { + "bbox": [ + 61, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9391.mp4", + "variation_id": 0, + "video_id": "27796" + } + ] + }, + { + "gloss": "honor", + "instances": [ + { + "bbox": [ + 315, + 46, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8u8cEEKO-3k", + "variation_id": 0, + "video_id": "27881" + }, + { + "bbox": [ + 25, + 9, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/honor.swf", + "variation_id": 0, + "video_id": "27882" + }, + { + "bbox": [ + 98, + 11, + 398, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/PhxE_3QH0bE", + "variation_id": 0, + "video_id": "67768" + }, + { + "bbox": [ + 181, + 48, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/honor.mp4", + "variation_id": 0, + "video_id": "27883" + }, + { + "bbox": [ + 61, + 45, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93144.mp4", + "variation_id": 0, + "video_id": "27874" + }, + { + "bbox": [ + 628, + 68, + 1525, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Honor-PSbXTPyz1Pw.mp4", + "variation_id": 0, + "video_id": "27875" + }, + { + "bbox": [ + 59, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468581754.7227.mp4", + "variation_id": 0, + "video_id": "27876" + }, + { + "bbox": [ + 63, + 10, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/honor2.mp4", + "variation_id": 0, + "video_id": "27877" + }, + { + "bbox": [ + 81, + 10, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14543.mp4", + "variation_id": 0, + "video_id": "27879" + }, + { + "bbox": [ + 96, + 7, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8250.mp4", + "variation_id": 0, + "video_id": "27880" + } + ] + }, + { + "gloss": "ice cream", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 76, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28581" + }, + { + "bbox": [ + 37, + 0, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456617.mp4", + "variation_id": 0, + "video_id": "28582" + }, + { + "bbox": [ + 213, + 17, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ice-cream.mp4", + "variation_id": 0, + "video_id": "28583" + }, + { + "bbox": [ + 734, + 72, + 1625, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ice%20Cream%202-blIP3pcEkmY.mp4", + "variation_id": 0, + "video_id": "28584" + }, + { + "bbox": [ + 755, + 85, + 1615, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ice%20Cream-Y0GbrQSMuDg.mp4", + "variation_id": 0, + "video_id": "28585" + }, + { + "bbox": [ + 45, + 7, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468664925.8067.mp4", + "variation_id": 0, + "video_id": "28586" + }, + { + "bbox": [ + 62, + 10, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/ice-cream.mp4", + "variation_id": 0, + "video_id": "28587" + }, + { + "bbox": [ + 65, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14272.mp4", + "variation_id": 0, + "video_id": "28588" + }, + { + "bbox": [ + 9, + 6, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 49, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/i/ice_cream.swf", + "variation_id": 0, + "video_id": "28589" + }, + { + "bbox": [ + 218, + 44, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ice-cream.mp4", + "variation_id": 0, + "video_id": "28590" + } + ] + }, + { + "gloss": "if", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 233, + "frame_start": 184, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28734" + }, + { + "bbox": [ + 519, + 79, + 1389, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/if.mp4", + "variation_id": 0, + "video_id": "69375" + }, + { + "bbox": [ + 64, + 16, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/if-suppose.mp4", + "variation_id": 0, + "video_id": "28742" + }, + { + "bbox": [ + 79, + 22, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22847.mp4", + "variation_id": 0, + "video_id": "28743" + }, + { + "bbox": [ + 26, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51930.mp4", + "variation_id": 0, + "video_id": "28736" + }, + { + "bbox": [ + 283, + 11, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=M8CXHkOskvo", + "variation_id": 0, + "video_id": "28747" + }, + { + "bbox": [ + 0, + 11, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/if.swf", + "variation_id": 0, + "video_id": "28748" + }, + { + "bbox": [ + 188, + 61, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/if.mp4", + "variation_id": 0, + "video_id": "28749" + }, + { + "bbox": [ + 765, + 60, + 1674, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20If%202-hx6VVFcLaW4.mp4", + "variation_id": 0, + "video_id": "28737" + }, + { + "bbox": [ + 79, + 15, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665230.5957.mp4", + "variation_id": 0, + "video_id": "28739" + } + ] + }, + { + "gloss": "increase", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 696, + "frame_start": 624, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29324" + }, + { + "bbox": [ + 80, + 15, + 509, + 480 + ], + "fps": 25, + "frame_end": 5471, + "frame_start": 5338, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70077" + }, + { + "bbox": [ + 91, + 13, + 221, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 66, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/increase.mov", + "variation_id": 0, + "video_id": "29327" + }, + { + "bbox": [ + 46, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457842.mp4", + "variation_id": 0, + "video_id": "29328" + }, + { + "bbox": [ + 450, + 37, + 1776, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Increase-j4C_0PQ36v8.mp4", + "variation_id": 0, + "video_id": "29329" + }, + { + "bbox": [ + 33, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468666124.8296.mp4", + "variation_id": 0, + "video_id": "29330" + }, + { + "bbox": [ + 120, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/increase2.mp4", + "variation_id": 0, + "video_id": "29331" + }, + { + "bbox": [ + 76, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/increase.mp4", + "variation_id": 0, + "video_id": "29332" + }, + { + "bbox": [ + 56, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9576.mp4", + "variation_id": 0, + "video_id": "29333" + }, + { + "bbox": [ + 56, + 13, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=D96nyDctWVA", + "variation_id": 0, + "video_id": "29334" + } + ] + }, + { + "gloss": "india", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 849, + "frame_start": 750, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29399" + }, + { + "bbox": [ + 72, + 4, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5761.mp4", + "variation_id": 0, + "video_id": "29407" + }, + { + "bbox": [ + 288, + 24, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JB_nWF9Bls8", + "variation_id": 0, + "video_id": "29408" + }, + { + "bbox": [ + 237, + 40, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=W6S8hNzFBWw", + "variation_id": 0, + "video_id": "29409" + }, + { + "bbox": [ + 4, + 11, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/india.swf", + "variation_id": 0, + "video_id": "29410" + }, + { + "bbox": [ + 33, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455315.mp4", + "variation_id": 0, + "video_id": "29400" + }, + { + "bbox": [ + 474, + 100, + 1447, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20India%203-Z8i8015PMbQ.mp4", + "variation_id": 0, + "video_id": "29402" + }, + { + "bbox": [ + 51, + 17, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468666432.3661.mp4", + "variation_id": 0, + "video_id": "29404" + }, + { + "bbox": [ + 63, + 51, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/i/india2.mp4", + "variation_id": 0, + "video_id": "29405" + }, + { + "bbox": [ + 67, + 43, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/india.mp4", + "variation_id": 0, + "video_id": "29406" + } + ] + }, + { + "gloss": "information", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1026, + "frame_start": 980, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29631" + }, + { + "bbox": [ + 173, + 52, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/information.mp4", + "variation_id": 0, + "video_id": "29641" + }, + { + "bbox": [ + 75, + 13, + 239, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/information.mov", + "variation_id": 0, + "video_id": "29632" + }, + { + "bbox": [ + 27, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51937.mp4", + "variation_id": 0, + "video_id": "29633" + }, + { + "bbox": [ + 80, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468666950.6146.mp4", + "variation_id": 0, + "video_id": "29634" + }, + { + "bbox": [ + 63, + 18, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/information.mp4", + "variation_id": 0, + "video_id": "29635" + }, + { + "bbox": [ + 38, + 16, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22421.mp4", + "variation_id": 0, + "video_id": "29636" + }, + { + "bbox": [ + 71, + 11, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9501.mp4", + "variation_id": 0, + "video_id": "29637" + }, + { + "bbox": [ + 35, + 2, + 246, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9942.mp4", + "variation_id": 0, + "video_id": "29638" + }, + { + "bbox": [ + 161, + 32, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=j9sDnjH6aAQ", + "variation_id": 0, + "video_id": "29639" + } + ] + }, + { + "gloss": "interpret", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1498, + "frame_start": 1456, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30252" + }, + { + "bbox": [ + 246, + 0, + 654, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 110, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=5NXHePFSw1Q", + "variation_id": 0, + "video_id": "68077" + }, + { + "bbox": [ + 334, + 12, + 917, + 720 + ], + "fps": 25, + "frame_end": 76, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=VJ_8XTpO7As", + "variation_id": 0, + "video_id": "68962" + }, + { + "bbox": [ + 248, + 46, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/interpret.mp4", + "variation_id": 0, + "video_id": "30271" + }, + { + "bbox": [ + 740, + 49, + 1629, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Interpret-vUKUin7LbYM.mp4", + "variation_id": 0, + "video_id": "30264" + }, + { + "bbox": [ + 78, + 13, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468667980.7808.mp4", + "variation_id": 0, + "video_id": "30265" + }, + { + "bbox": [ + 45, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/interpret-translate.mp4", + "variation_id": 0, + "video_id": "30267" + }, + { + "bbox": [ + 80, + 9, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5879.mp4", + "variation_id": 0, + "video_id": "30268" + }, + { + "bbox": [ + 362, + 31, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=uhygNx8qHyY", + "variation_id": 0, + "video_id": "30269" + }, + { + "bbox": [ + 23, + 7, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/interpret.swf", + "variation_id": 0, + "video_id": "30270" + } + ] + }, + { + "gloss": "interview", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1651, + "frame_start": 1599, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30311" + }, + { + "bbox": [ + 112, + 0, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/interview.mp4", + "variation_id": 0, + "video_id": "30321" + }, + { + "bbox": [ + 321, + 34, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mrYuloVAmnc", + "variation_id": 0, + "video_id": "30323" + }, + { + "bbox": [ + 202, + 36, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INTERVIEW-1720.mp4", + "variation_id": 0, + "video_id": "65956" + }, + { + "bbox": [ + 316, + 24, + 917, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wCUmfORhzBI", + "variation_id": 0, + "video_id": "30325" + }, + { + "bbox": [ + 2, + 10, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/i/interview.swf", + "variation_id": 0, + "video_id": "30326" + }, + { + "bbox": [ + 247, + 48, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/interview.mp4", + "variation_id": 0, + "video_id": "30327" + }, + { + "bbox": [ + 60, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58318.mp4", + "variation_id": 0, + "video_id": "30316" + }, + { + "bbox": [ + 750, + 34, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Interview-E4EzrpObbhQ.mp4", + "variation_id": 0, + "video_id": "30318" + }, + { + "bbox": [ + 67, + 17, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668046.2371.mp4", + "variation_id": 0, + "video_id": "30319" + } + ] + }, + { + "gloss": "invite", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1808, + "frame_start": 1769, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30509" + }, + { + "bbox": [ + 111, + 17, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INVITE-773.mp4", + "variation_id": 0, + "video_id": "65961" + }, + { + "bbox": [ + 91, + 23, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/P6pc3INQHqA", + "variation_id": 0, + "video_id": "67797" + }, + { + "bbox": [ + 39, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51860.mp4", + "variation_id": 0, + "video_id": "30510" + }, + { + "bbox": [ + 92, + 13, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668350.3305.mp4", + "variation_id": 0, + "video_id": "30511" + }, + { + "bbox": [ + 52, + 0, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/invite-me.mp4", + "variation_id": 0, + "video_id": "30512" + }, + { + "bbox": [ + 28, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/invite.mp4", + "variation_id": 0, + "video_id": "30513" + }, + { + "bbox": [ + 26, + 21, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22607.mp4", + "variation_id": 0, + "video_id": "30514" + }, + { + "bbox": [ + 0, + 15, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/i/invite.swf", + "variation_id": 0, + "video_id": "30515" + }, + { + "bbox": [ + 189, + 43, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/invite.mp4", + "variation_id": 0, + "video_id": "30516" + } + ] + }, + { + "gloss": "israel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2001, + "frame_start": 1932, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30706" + }, + { + "bbox": [ + 72, + 2, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5763.mp4", + "variation_id": 0, + "video_id": "30713" + }, + { + "bbox": [ + 298, + 50, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jAqztSXZcMw", + "variation_id": 0, + "video_id": "30715" + }, + { + "bbox": [ + 104, + 14, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/KL7jBS-n9_M", + "variation_id": 0, + "video_id": "67800" + }, + { + "bbox": [ + 317, + 49, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UdRmr4_fu5w", + "variation_id": 0, + "video_id": "30717" + }, + { + "bbox": [ + 6, + 6, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/i/israel.swf", + "variation_id": 0, + "video_id": "30718" + }, + { + "bbox": [ + 244, + 48, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/israel.mp4", + "variation_id": 0, + "video_id": "30719" + }, + { + "bbox": [ + 40, + 0, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455322.mp4", + "variation_id": 0, + "video_id": "30707" + }, + { + "bbox": [ + 609, + 106, + 1423, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Israel%202-WeVfGjRYpRE.mp4", + "variation_id": 0, + "video_id": "30709" + }, + { + "bbox": [ + 629, + 103, + 1425, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Israel-wZpMNvLP0sU.mp4", + "variation_id": 0, + "video_id": "30710" + } + ] + }, + { + "gloss": "jesus", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 346, + "frame_start": 290, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31047" + }, + { + "bbox": [ + 67, + 10, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399698.mp4", + "variation_id": 0, + "video_id": "31049" + }, + { + "bbox": [ + 430, + 61, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/jesus.mp4", + "variation_id": 0, + "video_id": "31050" + }, + { + "bbox": [ + 599, + 47, + 1670, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jesus-z2aiipv5RWU.mp4", + "variation_id": 0, + "video_id": "31051" + }, + { + "bbox": [ + 126, + 11, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468669137.4133.mp4", + "variation_id": 0, + "video_id": "31052" + }, + { + "bbox": [ + 121, + 1, + 564, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/j/jesus.mp4", + "variation_id": 0, + "video_id": "31053" + }, + { + "bbox": [ + 87, + 14, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8228.mp4", + "variation_id": 0, + "video_id": "31054" + }, + { + "bbox": [ + 375, + 31, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PZpegBLONAU", + "variation_id": 0, + "video_id": "31055" + }, + { + "bbox": [ + 0, + 12, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/j/jesus.swf", + "variation_id": 0, + "video_id": "31056" + }, + { + "bbox": [ + 204, + 59, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/jesus.mp4", + "variation_id": 0, + "video_id": "31057" + } + ] + }, + { + "gloss": "keep", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 169, + "frame_start": 127, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31481" + }, + { + "bbox": [ + 86, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6242.mp4", + "variation_id": 0, + "video_id": "31491" + }, + { + "bbox": [ + 377, + 46, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=e8ou8_mZFBA", + "variation_id": 0, + "video_id": "31494" + }, + { + "bbox": [ + 205, + 32, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KE/KEEP-1700.mp4", + "variation_id": 0, + "video_id": "65987" + }, + { + "bbox": [ + 66, + 10, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92699.mp4", + "variation_id": 0, + "video_id": "31485" + }, + { + "bbox": [ + 0, + 8, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/k/keep.swf", + "variation_id": 0, + "video_id": "31495" + }, + { + "bbox": [ + 196, + 63, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/keep.mp4", + "variation_id": 0, + "video_id": "31496" + }, + { + "bbox": [ + 698, + 132, + 1457, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Keep-FRGDfnd7aVY.mp4", + "variation_id": 0, + "video_id": "31486" + }, + { + "bbox": [ + 109, + 13, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468670110.8411.mp4", + "variation_id": 0, + "video_id": "31487" + }, + { + "bbox": [ + 64, + 14, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/keep.mp4", + "variation_id": 0, + "video_id": "31488" + } + ] + }, + { + "gloss": "keyboard", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 259, + "frame_start": 170, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31553" + }, + { + "bbox": [ + 104, + 11, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/xSzA87_YngA", + "variation_id": 0, + "video_id": "67812" + }, + { + "bbox": [ + 56, + 11, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/153602.mp4", + "variation_id": 0, + "video_id": "31554" + }, + { + "bbox": [ + 411, + 53, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/keyboard.mp4", + "variation_id": 0, + "video_id": "31555" + }, + { + "bbox": [ + 612, + 134, + 1470, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Keyboard%2C%20Type-JEQsxWCYHMM.mp4", + "variation_id": 0, + "video_id": "31556" + }, + { + "bbox": [ + 49, + 8, + 635, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468670210.1008.mp4", + "variation_id": 0, + "video_id": "31557" + }, + { + "bbox": [ + 0, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/keyboard.mp4", + "variation_id": 0, + "video_id": "31558" + }, + { + "bbox": [ + 78, + 22, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22132.mp4", + "variation_id": 0, + "video_id": "31559" + }, + { + "bbox": [ + 0, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/k/keyboard.swf", + "variation_id": 0, + "video_id": "31560" + }, + { + "bbox": [ + 185, + 63, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/keyboard.mp4", + "variation_id": 0, + "video_id": "31561" + } + ] + }, + { + "gloss": "land", + "instances": [ + { + "bbox": [ + 260, + 58, + 1565, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/land.mp4", + "variation_id": 0, + "video_id": "69382" + }, + { + "bbox": [ + 46, + 3, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457486.mp4", + "variation_id": 0, + "video_id": "32113" + }, + { + "bbox": [ + 223, + 36, + 968, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4zkDEXEo_mM", + "variation_id": 0, + "video_id": "32121" + }, + { + "bbox": [ + 232, + 30, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=bdvMl7huZlY", + "variation_id": 0, + "video_id": "32122" + }, + { + "bbox": [ + 9, + 15, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/land.swf", + "variation_id": 0, + "video_id": "32123" + }, + { + "bbox": [ + 488, + 99, + 1484, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ground%2C%20Land%202-2c29ATWmoe4.mp4", + "variation_id": 0, + "video_id": "32115" + }, + { + "bbox": [ + 571, + 45, + 1700, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Land-6BoRzWJ65Ig.mp4", + "variation_id": 0, + "video_id": "32117" + }, + { + "bbox": [ + 3, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671227.3192.mp4", + "variation_id": 0, + "video_id": "32118" + }, + { + "bbox": [ + 31, + 0, + 619, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/land.mp4", + "variation_id": 0, + "video_id": "32119" + }, + { + "bbox": [ + 49, + 10, + 255, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6302.mp4", + "variation_id": 0, + "video_id": "32120" + } + ] + }, + { + "gloss": "lawyer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 593, + "frame_start": 551, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32473" + }, + { + "bbox": [ + 114, + 15, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ZNYP9WcKuOM", + "variation_id": 0, + "video_id": "67832" + }, + { + "bbox": [ + 74, + 2, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457503.mp4", + "variation_id": 0, + "video_id": "32474" + }, + { + "bbox": [ + 227, + 15, + 532, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lawyer.mp4", + "variation_id": 0, + "video_id": "32475" + }, + { + "bbox": [ + 142, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671558.6003.mp4", + "variation_id": 0, + "video_id": "32476" + }, + { + "bbox": [ + 54, + 4, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/lawyer.mp4", + "variation_id": 0, + "video_id": "32477" + }, + { + "bbox": [ + 53, + 7, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14170.mp4", + "variation_id": 0, + "video_id": "32478" + }, + { + "bbox": [ + 314, + 32, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lASXLjrY-u0", + "variation_id": 0, + "video_id": "32479" + }, + { + "bbox": [ + 8, + 4, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/lawyer.swf", + "variation_id": 0, + "video_id": "32480" + }, + { + "bbox": [ + 229, + 42, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lawyer.mp4", + "variation_id": 0, + "video_id": "32481" + } + ] + }, + { + "gloss": "lead", + "instances": [ + { + "bbox": [ + 195, + 11, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEAD-683.mp4", + "variation_id": 0, + "video_id": "66020" + }, + { + "bbox": [ + 124, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lead.mp4", + "variation_id": 0, + "video_id": "32540" + }, + { + "bbox": [ + 66, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14178.mp4", + "variation_id": 0, + "video_id": "32541" + }, + { + "bbox": [ + 323, + 40, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=amS8WdpuoAM", + "variation_id": 0, + "video_id": "32543" + }, + { + "bbox": [ + 77, + 12, + 236, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/lead.mov", + "variation_id": 0, + "video_id": "32535" + }, + { + "bbox": [ + 22, + 15, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/l/lead_guide.swf", + "variation_id": 0, + "video_id": "32545" + }, + { + "bbox": [ + 247, + 46, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lead2.mp4", + "variation_id": 0, + "video_id": "32547" + }, + { + "bbox": [ + 569, + 45, + 1618, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lead%202-m7diKn1wXvs.mp4", + "variation_id": 0, + "video_id": "32537" + }, + { + "bbox": [ + 646, + 54, + 1573, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lead%203--GKhic9jT7M.mp4", + "variation_id": 0, + "video_id": "32538" + }, + { + "bbox": [ + 157, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671617.7545.mp4", + "variation_id": 0, + "video_id": "32539" + } + ] + }, + { + "gloss": "lesbian", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1151, + "frame_start": 1092, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32858" + }, + { + "bbox": [ + 364, + 25, + 928, + 720 + ], + "fps": 25, + "frame_end": 46, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=iL0ICn0cHyI", + "variation_id": 0, + "video_id": "68556" + }, + { + "bbox": [ + 206, + 34, + 520, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LESBIAN-1677.mp4", + "variation_id": 0, + "video_id": "66035" + }, + { + "bbox": [ + 65, + 1, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457526.mp4", + "variation_id": 0, + "video_id": "32859" + }, + { + "bbox": [ + 148, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711081.2595.mp4", + "variation_id": 0, + "video_id": "32860" + }, + { + "bbox": [ + 79, + 11, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14761.mp4", + "variation_id": 0, + "video_id": "32863" + }, + { + "bbox": [ + 83, + 11, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14762.mp4", + "variation_id": 0, + "video_id": "32864" + }, + { + "bbox": [ + 293, + 23, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=do0uOaC8eRU", + "variation_id": 0, + "video_id": "32865" + }, + { + "bbox": [ + 12, + 2, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/lesbian.swf", + "variation_id": 0, + "video_id": "32866" + }, + { + "bbox": [ + 185, + 56, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lesbian.mp4", + "variation_id": 0, + "video_id": "32867" + } + ] + }, + { + "gloss": "line", + "instances": [ + { + "bbox": [ + 170, + 10, + 1096, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/line.mp4", + "variation_id": 0, + "video_id": "69390" + }, + { + "bbox": [ + 18, + 0, + 320, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/line.mov", + "variation_id": 0, + "video_id": "33335" + }, + { + "bbox": [ + 153, + 9, + 508, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NC7FO-9wz4E", + "variation_id": 0, + "video_id": "33343" + }, + { + "bbox": [ + 15, + 18, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/l/line.swf", + "variation_id": 0, + "video_id": "33344" + }, + { + "bbox": [ + 74, + 15, + 438, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/sSKkyoPDvrI", + "variation_id": 0, + "video_id": "67848" + }, + { + "bbox": [ + 189, + 60, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/line.mp4", + "variation_id": 0, + "video_id": "33346" + }, + { + "bbox": [ + 561, + 66, + 1528, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Line%2C%20String-v5duOCmuALk.mp4", + "variation_id": 0, + "video_id": "33337" + }, + { + "bbox": [ + 73, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711894.1498.mp4", + "variation_id": 0, + "video_id": "33339" + }, + { + "bbox": [ + 13, + 3, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/line-string.mp4", + "variation_id": 0, + "video_id": "33340" + }, + { + "bbox": [ + 56, + 16, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23859.mp4", + "variation_id": 0, + "video_id": "33341" + } + ] + }, + { + "gloss": "lock", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2280, + "frame_start": 2248, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33677" + }, + { + "bbox": [ + 26, + 18, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lock.swf", + "variation_id": 0, + "video_id": "33703" + }, + { + "bbox": [ + 161, + 50, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lock.mp4", + "variation_id": 0, + "video_id": "33704" + }, + { + "bbox": [ + 193, + 14, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LO/LOCK-669.mp4", + "variation_id": 0, + "video_id": "66080" + }, + { + "bbox": [ + 86, + 19, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/dO6aUTMQOhY", + "variation_id": 0, + "video_id": "67854" + }, + { + "bbox": [ + 213, + 17, + 537, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lock.mp4", + "variation_id": 0, + "video_id": "33696" + }, + { + "bbox": [ + 350, + 37, + 1053, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Lock.mp4", + "variation_id": 0, + "video_id": "33697" + }, + { + "bbox": [ + 156, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712408.1289.mp4", + "variation_id": 0, + "video_id": "33698" + }, + { + "bbox": [ + 73, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/lock2.mp4", + "variation_id": 0, + "video_id": "33699" + }, + { + "bbox": [ + 67, + 12, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9551.mp4", + "variation_id": 0, + "video_id": "33701" + } + ] + }, + { + "gloss": "loud", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2560, + "frame_start": 2498, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "34086" + }, + { + "bbox": [ + 0, + 18, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/loud.swf", + "variation_id": 0, + "video_id": "34094" + }, + { + "bbox": [ + 101, + 50, + 599, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/loud.mp4", + "variation_id": 0, + "video_id": "34095" + }, + { + "bbox": [ + 82, + 27, + 573, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LO/LOUD-1635.mp4", + "variation_id": 0, + "video_id": "66087" + }, + { + "bbox": [ + 57, + 20, + 464, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5DaF6MU5BsA", + "variation_id": 0, + "video_id": "67863" + }, + { + "bbox": [ + 376, + 60, + 893, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/loud.mp4", + "variation_id": 0, + "video_id": "34087" + }, + { + "bbox": [ + 555, + 72, + 1866, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Loud-m0U8B55rmbw.mp4", + "variation_id": 0, + "video_id": "34088" + }, + { + "bbox": [ + 105, + 23, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 48, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546606632.3472.mp4", + "variation_id": 0, + "video_id": "34089" + }, + { + "bbox": [ + 36, + 10, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/1/1987.mp4", + "variation_id": 0, + "video_id": "34091" + }, + { + "bbox": [ + 264, + 23, + 1049, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oJXUGrQFYGY", + "variation_id": 0, + "video_id": "34093" + } + ] + }, + { + "gloss": "lousy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2603, + "frame_start": 2561, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "34109" + }, + { + "bbox": [ + 156, + 33, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LO/LOUSY-1634.mp4", + "variation_id": 0, + "video_id": "66088" + }, + { + "bbox": [ + 402, + 59, + 801, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lousy.mp4", + "variation_id": 0, + "video_id": "34110" + }, + { + "bbox": [ + 616, + 85, + 1452, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lousy-NyEwxiUcdLw.mp4", + "variation_id": 0, + "video_id": "34111" + }, + { + "bbox": [ + 143, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712855.8852.mp4", + "variation_id": 0, + "video_id": "34112" + }, + { + "bbox": [ + 116, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/lousy.mp4", + "variation_id": 0, + "video_id": "34113" + }, + { + "bbox": [ + 64, + 9, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14131.mp4", + "variation_id": 0, + "video_id": "34114" + }, + { + "bbox": [ + 352, + 46, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6CtpIW3fQtw", + "variation_id": 0, + "video_id": "34115" + }, + { + "bbox": [ + 2, + 10, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/lousy.swf", + "variation_id": 0, + "video_id": "34116" + }, + { + "bbox": [ + 174, + 50, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lousy.mp4", + "variation_id": 0, + "video_id": "34117" + } + ] + }, + { + "gloss": "lunch", + "instances": [ + { + "bbox": [ + 143, + 21, + 522, + 480 + ], + "fps": 25, + "frame_end": 3035, + "frame_start": 2929, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70028" + }, + { + "bbox": [ + 106, + 16, + 452, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9o5DDuSfZEs", + "variation_id": 0, + "video_id": "34272" + }, + { + "bbox": [ + 61, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457594.mp4", + "variation_id": 0, + "video_id": "34265" + }, + { + "bbox": [ + 20, + 2, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/l/lunch.swf", + "variation_id": 0, + "video_id": "34275" + }, + { + "bbox": [ + 157, + 48, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lunch2.mp4", + "variation_id": 0, + "video_id": "34276" + }, + { + "bbox": [ + 392, + 49, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lunch.mp4", + "variation_id": 0, + "video_id": "34266" + }, + { + "bbox": [ + 365, + 14, + 739, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20lunch-z2wntiJ1o0o.mp4", + "variation_id": 0, + "video_id": "34268" + }, + { + "bbox": [ + 117, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713073.6613.mp4", + "variation_id": 0, + "video_id": "34269" + }, + { + "bbox": [ + 98, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/l/lunch.mp4", + "variation_id": 0, + "video_id": "34270" + }, + { + "bbox": [ + 83, + 7, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6079.mp4", + "variation_id": 0, + "video_id": "34271" + } + ] + }, + { + "gloss": "machine", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 90, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34352" + }, + { + "bbox": [ + 173, + 15, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MACHINE-771.mp4", + "variation_id": 0, + "video_id": "66091" + }, + { + "bbox": [ + 93, + 0, + 435, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Os6WrTSFq1Y", + "variation_id": 0, + "video_id": "67865" + }, + { + "bbox": [ + 32, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456637.mp4", + "variation_id": 0, + "video_id": "34353" + }, + { + "bbox": [ + 575, + 125, + 1512, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Factory%2C%20Machine-vYFycgnxskg.mp4", + "variation_id": 0, + "video_id": "34354" + }, + { + "bbox": [ + 107, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468713252.2985.mp4", + "variation_id": 0, + "video_id": "34355" + }, + { + "bbox": [ + 0, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/machine.mp4", + "variation_id": 0, + "video_id": "34356" + }, + { + "bbox": [ + 74, + 22, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22605.mp4", + "variation_id": 0, + "video_id": "34357" + }, + { + "bbox": [ + 9, + 3, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/machine.swf", + "variation_id": 0, + "video_id": "34358" + }, + { + "bbox": [ + 189, + 55, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/engine.mp4", + "variation_id": 0, + "video_id": "34359" + } + ] + }, + { + "gloss": "mad", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 133, + "frame_start": 91, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34365" + }, + { + "bbox": [ + 91, + 17, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7165.mp4", + "variation_id": 0, + "video_id": "34375" + }, + { + "bbox": [ + 718, + 35, + 1619, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mad-Ply5z_0iJjU.mp4", + "variation_id": 0, + "video_id": "34369" + }, + { + "bbox": [ + 395, + 52, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 69, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=fhPQzNDqL6U", + "variation_id": 0, + "video_id": "34379" + }, + { + "bbox": [ + 315, + 33, + 973, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-Yqw89wx7TE", + "variation_id": 0, + "video_id": "34380" + }, + { + "bbox": [ + 6, + 7, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/mad.swf", + "variation_id": 0, + "video_id": "34381" + }, + { + "bbox": [ + 233, + 36, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/angry.mp4", + "variation_id": 0, + "video_id": "34382" + }, + { + "bbox": [ + 726, + 142, + 1462, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Petulant%2C%20Mad-uePmigt8L2M.mp4", + "variation_id": 0, + "video_id": "34370" + }, + { + "bbox": [ + 143, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468713271.852.mp4", + "variation_id": 0, + "video_id": "34371" + }, + { + "bbox": [ + 125, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mad.mp4", + "variation_id": 0, + "video_id": "34372" + } + ] + }, + { + "gloss": "memorize", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1170, + "frame_start": 1121, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35603" + }, + { + "bbox": [ + 161, + 27, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MEMORIZE-1618.mp4", + "variation_id": 0, + "video_id": "66114" + }, + { + "bbox": [ + 52, + 12, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/110209.mp4", + "variation_id": 0, + "video_id": "35604" + }, + { + "bbox": [ + 47, + 29, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92865.mp4", + "variation_id": 0, + "video_id": "35605" + }, + { + "bbox": [ + 717, + 55, + 1529, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Memorize-5DJ9kEW21xc.mp4", + "variation_id": 0, + "video_id": "35606" + }, + { + "bbox": [ + 78, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468714852.7363.mp4", + "variation_id": 0, + "video_id": "35607" + }, + { + "bbox": [ + 64, + 16, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/memory.mp4", + "variation_id": 0, + "video_id": "35608" + }, + { + "bbox": [ + 64, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14659.mp4", + "variation_id": 0, + "video_id": "35609" + }, + { + "bbox": [ + 24, + 21, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/memorize.swf", + "variation_id": 0, + "video_id": "35610" + }, + { + "bbox": [ + 181, + 52, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/memory.mp4", + "variation_id": 0, + "video_id": "35611" + } + ] + }, + { + "gloss": "minus", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1543, + "frame_start": 1504, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36228" + }, + { + "bbox": [ + 315, + 17, + 1070, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Hus2LdRpTZ8", + "variation_id": 0, + "video_id": "68101" + }, + { + "bbox": [ + 345, + 43, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-ZGC9DG1rg8", + "variation_id": 0, + "video_id": "36239" + }, + { + "bbox": [ + 73, + 8, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/157846.mp4", + "variation_id": 0, + "video_id": "36231" + }, + { + "bbox": [ + 198, + 54, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/subtract.mp4", + "variation_id": 0, + "video_id": "36241" + }, + { + "bbox": [ + 184, + 34, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1520782936.1309.mp4", + "variation_id": 0, + "video_id": "36232" + }, + { + "bbox": [ + 90, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/minus.mp4", + "variation_id": 0, + "video_id": "36233" + }, + { + "bbox": [ + 64, + 16, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6469.mp4", + "variation_id": 0, + "video_id": "36235" + }, + { + "bbox": [ + 308, + 30, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=0FAUQE94iqI", + "variation_id": 0, + "video_id": "36236" + }, + { + "bbox": [ + 258, + 0, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjUTRuiG_dU", + "variation_id": 0, + "video_id": "36238" + } + ] + }, + { + "gloss": "monday", + "instances": [ + { + "bbox": [ + 158, + 14, + 477, + 480 + ], + "fps": 25, + "frame_end": 1075, + "frame_start": 987, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70023" + }, + { + "bbox": [ + 78, + 8, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6015.mp4", + "variation_id": 0, + "video_id": "36635" + }, + { + "bbox": [ + 362, + 44, + 953, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lXVIBinAmQ8", + "variation_id": 0, + "video_id": "36637" + }, + { + "bbox": [ + 192, + 27, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MONDAY-1597.mp4", + "variation_id": 0, + "video_id": "66136" + }, + { + "bbox": [ + 102, + 26, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/GtmL1ADgfUY", + "variation_id": 0, + "video_id": "67900" + }, + { + "bbox": [ + 40, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/48595.mp4", + "variation_id": 0, + "video_id": "36630" + }, + { + "bbox": [ + 401, + 52, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/monday.mp4", + "variation_id": 0, + "video_id": "36631" + }, + { + "bbox": [ + 526, + 3, + 1360, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Monday-gTxh0X6n_YQ.mp4", + "variation_id": 0, + "video_id": "36632" + }, + { + "bbox": [ + 133, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468716200.2026.mp4", + "variation_id": 0, + "video_id": "36633" + }, + { + "bbox": [ + 48, + 4, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/monday.mp4", + "variation_id": 0, + "video_id": "36634" + } + ] + }, + { + "gloss": "mountain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2356, + "frame_start": 2297, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37013" + }, + { + "bbox": [ + 20, + 2, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mountain.swf", + "variation_id": 0, + "video_id": "37025" + }, + { + "bbox": [ + 184, + 46, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mountain.mp4", + "variation_id": 0, + "video_id": "37026" + }, + { + "bbox": [ + 14, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457044.mp4", + "variation_id": 0, + "video_id": "37017" + }, + { + "bbox": [ + 67, + 10, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tIsGYIeMhBE", + "variation_id": 0, + "video_id": "67910" + }, + { + "bbox": [ + 565, + 73, + 1598, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mountain-Eo5lIiDgQqk.mp4", + "variation_id": 0, + "video_id": "37018" + }, + { + "bbox": [ + 153, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716904.7682.mp4", + "variation_id": 0, + "video_id": "37019" + }, + { + "bbox": [ + 61, + 6, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14674.mp4", + "variation_id": 0, + "video_id": "37022" + }, + { + "bbox": [ + 353, + 83, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=4gIM6hJd0Qk", + "variation_id": 0, + "video_id": "37023" + }, + { + "bbox": [ + 170, + 1, + 1111, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=u3xYMeKi63Y", + "variation_id": 0, + "video_id": "37024" + } + ] + }, + { + "gloss": "mouth", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2409, + "frame_start": 2357, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37061" + }, + { + "bbox": [ + 182, + 30, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MOUTH-1588.mp4", + "variation_id": 0, + "video_id": "66149" + }, + { + "bbox": [ + 100, + 26, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9JN3kjH0c3s", + "variation_id": 0, + "video_id": "67912" + }, + { + "bbox": [ + 56, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/48606.mp4", + "variation_id": 0, + "video_id": "37062" + }, + { + "bbox": [ + 153, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717033.5348.mp4", + "variation_id": 0, + "video_id": "37063" + }, + { + "bbox": [ + 78, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/mouth.mp4", + "variation_id": 0, + "video_id": "37064" + }, + { + "bbox": [ + 92, + 20, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22188.mp4", + "variation_id": 0, + "video_id": "37065" + }, + { + "bbox": [ + 337, + 27, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OtK8Jv4U1CE", + "variation_id": 0, + "video_id": "37066" + }, + { + "bbox": [ + 13, + 3, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/mouth.swf", + "variation_id": 0, + "video_id": "37067" + }, + { + "bbox": [ + 196, + 52, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mouth.mp4", + "variation_id": 0, + "video_id": "37068" + } + ] + }, + { + "gloss": "mushroom", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2670, + "frame_start": 2634, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37343" + }, + { + "bbox": [ + 290, + 65, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mZVixrzz_MM", + "variation_id": 0, + "video_id": "37351" + }, + { + "bbox": [ + 322, + 46, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uHf264ZBg48", + "variation_id": 0, + "video_id": "37352" + }, + { + "bbox": [ + 0, + 6, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/mushroom.swf", + "variation_id": 0, + "video_id": "37353" + }, + { + "bbox": [ + 60, + 14, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/75039.mp4", + "variation_id": 0, + "video_id": "37344" + }, + { + "bbox": [ + 416, + 60, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/mushroom.mp4", + "variation_id": 0, + "video_id": "37345" + }, + { + "bbox": [ + 676, + 148, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mushroom%2C%20Championship-FwEsnbhJcdw.mp4", + "variation_id": 0, + "video_id": "37346" + }, + { + "bbox": [ + 127, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717468.4676.mp4", + "variation_id": 0, + "video_id": "37347" + }, + { + "bbox": [ + 55, + 7, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/mushroom.mp4", + "variation_id": 0, + "video_id": "37348" + }, + { + "bbox": [ + 87, + 13, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8056.mp4", + "variation_id": 0, + "video_id": "37350" + } + ] + }, + { + "gloss": "napkin", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 169, + "frame_start": 67, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37610" + }, + { + "bbox": [ + 229, + 26, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NA/NAPKIN-2002.mp4", + "variation_id": 0, + "video_id": "66159" + }, + { + "bbox": [ + 154, + 21, + 424, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/xb2el8eZx8o", + "variation_id": 0, + "video_id": "67923" + }, + { + "bbox": [ + 60, + 10, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/75041.mp4", + "variation_id": 0, + "video_id": "37611" + }, + { + "bbox": [ + 860, + 60, + 1692, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Napkin-0UkL7MpnSw4.mp4", + "variation_id": 0, + "video_id": "37612" + }, + { + "bbox": [ + 839, + 79, + 1557, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Napkin-dcRjx9jfN0w.mp4", + "variation_id": 0, + "video_id": "37613" + }, + { + "bbox": [ + 161, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717800.9521.mp4", + "variation_id": 0, + "video_id": "37614" + }, + { + "bbox": [ + 86, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/napkin.mp4", + "variation_id": 0, + "video_id": "37615" + }, + { + "bbox": [ + 94, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22671.mp4", + "variation_id": 0, + "video_id": "37616" + }, + { + "bbox": [ + 94, + 19, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22672.mp4", + "variation_id": 0, + "video_id": "37617" + } + ] + }, + { + "gloss": "neck", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 456, + "frame_start": 387, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37836" + }, + { + "bbox": [ + 223, + 39, + 473, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/neck.mp4", + "variation_id": 0, + "video_id": "37845" + }, + { + "bbox": [ + 173, + 31, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NE/NECK-1580.mp4", + "variation_id": 0, + "video_id": "66161" + }, + { + "bbox": [ + 60, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 77, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/185122.mp4", + "variation_id": 0, + "video_id": "37837" + }, + { + "bbox": [ + 95, + 30, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93971.mp4", + "variation_id": 0, + "video_id": "37838" + }, + { + "bbox": [ + 130, + 0, + 494, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468718160.744.mp4", + "variation_id": 0, + "video_id": "37839" + }, + { + "bbox": [ + 132, + 6, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/neck.mp4", + "variation_id": 0, + "video_id": "37840" + }, + { + "bbox": [ + 52, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2135.mp4", + "variation_id": 0, + "video_id": "37841" + }, + { + "bbox": [ + 289, + 39, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=dwfSGKjjQ_4", + "variation_id": 0, + "video_id": "37843" + }, + { + "bbox": [ + 0, + 4, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/neck.swf", + "variation_id": 0, + "video_id": "37844" + } + ] + }, + { + "gloss": "next", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1127, + "frame_start": 1081, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38222" + }, + { + "bbox": [ + 70, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7232.mp4", + "variation_id": 0, + "video_id": "38238" + }, + { + "bbox": [ + 294, + 53, + 917, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0CG0WNealTU", + "variation_id": 0, + "video_id": "38239" + }, + { + "bbox": [ + 167, + 14, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=U9LJw1dsPkM", + "variation_id": 0, + "video_id": "38240" + }, + { + "bbox": [ + 76, + 40, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92954.mp4", + "variation_id": 0, + "video_id": "38231" + }, + { + "bbox": [ + 10, + 5, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/n/next.swf", + "variation_id": 0, + "video_id": "38241" + }, + { + "bbox": [ + 200, + 61, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/next.mp4", + "variation_id": 0, + "video_id": "38243" + }, + { + "bbox": [ + 517, + 67, + 1630, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Next-f_jfFTvyNxw.mp4", + "variation_id": 0, + "video_id": "38232" + }, + { + "bbox": [ + 104, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468718889.733.mp4", + "variation_id": 0, + "video_id": "38233" + }, + { + "bbox": [ + 24, + 1, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/next.mp4", + "variation_id": 0, + "video_id": "38235" + } + ] + }, + { + "gloss": "ocean", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 197, + "frame_start": 128, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39343" + }, + { + "bbox": [ + 255, + 0, + 1056, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/ocean.mp4", + "variation_id": 0, + "video_id": "69416" + }, + { + "bbox": [ + 64, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457156.mp4", + "variation_id": 0, + "video_id": "39348" + }, + { + "bbox": [ + 371, + 55, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ocean.mp4", + "variation_id": 0, + "video_id": "39349" + }, + { + "bbox": [ + 126, + 0, + 626, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468721007.9324.mp4", + "variation_id": 0, + "video_id": "39350" + }, + { + "bbox": [ + 0, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/ocean.mp4", + "variation_id": 0, + "video_id": "39351" + }, + { + "bbox": [ + 62, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8874.mp4", + "variation_id": 0, + "video_id": "39352" + }, + { + "bbox": [ + 273, + 47, + 1073, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=puXKd_B3Ggc", + "variation_id": 0, + "video_id": "39353" + }, + { + "bbox": [ + 23, + 20, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/ocean.swf", + "variation_id": 0, + "video_id": "39354" + } + ] + }, + { + "gloss": "open", + "instances": [ + { + "bbox": [ + 256, + 24, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LEWPXaskrJk", + "variation_id": 0, + "video_id": "39959" + }, + { + "bbox": [ + 45, + 6, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58544.mp4", + "variation_id": 0, + "video_id": "39951" + }, + { + "bbox": [ + 22, + 19, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/open.swf", + "variation_id": 0, + "video_id": "39961" + }, + { + "bbox": [ + 178, + 54, + 585, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/open.mp4", + "variation_id": 0, + "video_id": "39962" + }, + { + "bbox": [ + 382, + 56, + 823, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/open.mp4", + "variation_id": 0, + "video_id": "39952" + }, + { + "bbox": [ + 121, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468722097.675.mp4", + "variation_id": 0, + "video_id": "39953" + }, + { + "bbox": [ + 82, + 0, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/open.mp4", + "variation_id": 0, + "video_id": "39954" + }, + { + "bbox": [ + 57, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6475.mp4", + "variation_id": 0, + "video_id": "39955" + }, + { + "bbox": [ + 70, + 16, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7815.mp4", + "variation_id": 0, + "video_id": "39956" + }, + { + "bbox": [ + 58, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9541.mp4", + "variation_id": 0, + "video_id": "39957" + } + ] + }, + { + "gloss": "overwhelm", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1586, + "frame_start": 1534, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40629" + }, + { + "bbox": [ + 163, + 27, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OV/OVERWHELM-1524.mp4", + "variation_id": 0, + "video_id": "66255" + }, + { + "bbox": [ + 5, + 0, + 312, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457209.mp4", + "variation_id": 0, + "video_id": "40635" + }, + { + "bbox": [ + 388, + 58, + 1914, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Overwhelm%203-FQgZFydk3js.mp4", + "variation_id": 0, + "video_id": "40636" + }, + { + "bbox": [ + 522, + 103, + 1640, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Overwhelm-fP4sycQHKtg.mp4", + "variation_id": 0, + "video_id": "40637" + }, + { + "bbox": [ + 61, + 0, + 607, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468722954.2845.mp4", + "variation_id": 0, + "video_id": "40638" + }, + { + "bbox": [ + 21, + 7, + 262, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2245.mp4", + "variation_id": 0, + "video_id": "40639" + }, + { + "bbox": [ + 42, + 0, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4238.mp4", + "variation_id": 0, + "video_id": "40640" + }, + { + "bbox": [ + 21, + 19, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/overwhelm.swf", + "variation_id": 0, + "video_id": "40641" + }, + { + "bbox": [ + 155, + 39, + 581, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/overwhelm.mp4", + "variation_id": 0, + "video_id": "40642" + } + ] + }, + { + "gloss": "owe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1643, + "frame_start": 1587, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40649" + }, + { + "bbox": [ + 98, + 20, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rGoKd2S8r2M", + "variation_id": 0, + "video_id": "67953" + }, + { + "bbox": [ + 29, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 50, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51730.mp4", + "variation_id": 0, + "video_id": "40650" + }, + { + "bbox": [ + 426, + 60, + 817, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/owe.mp4", + "variation_id": 0, + "video_id": "40651" + }, + { + "bbox": [ + 82, + 29, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466907028.6527.mp4", + "variation_id": 0, + "video_id": "40652" + }, + { + "bbox": [ + 96, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/owe.mp4", + "variation_id": 0, + "video_id": "40653" + }, + { + "bbox": [ + 82, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9124.mp4", + "variation_id": 0, + "video_id": "40654" + }, + { + "bbox": [ + 72, + 15, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hlcys5VLCsA", + "variation_id": 0, + "video_id": "40655" + }, + { + "bbox": [ + 0, + 4, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/owe.swf", + "variation_id": 0, + "video_id": "40656" + }, + { + "bbox": [ + 175, + 53, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/due.mp4", + "variation_id": 0, + "video_id": "40657" + } + ] + }, + { + "gloss": "page", + "instances": [ + { + "bbox": [ + 57, + 7, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116192.mp4", + "variation_id": 0, + "video_id": "40759" + }, + { + "bbox": [ + 310, + 27, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XOhKB7tH58c", + "variation_id": 0, + "video_id": "40767" + }, + { + "bbox": [ + 0, + 3, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/page.swf", + "variation_id": 0, + "video_id": "40768" + }, + { + "bbox": [ + 192, + 55, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/page.mp4", + "variation_id": 0, + "video_id": "40770" + }, + { + "bbox": [ + 133, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468723069.3491.mp4", + "variation_id": 0, + "video_id": "40760" + }, + { + "bbox": [ + 136, + 25, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522767916.2243.mp4", + "variation_id": 0, + "video_id": "40761" + }, + { + "bbox": [ + 131, + 0, + 479, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/page2.mp4", + "variation_id": 0, + "video_id": "40762" + }, + { + "bbox": [ + 130, + 0, + 534, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/page.mp4", + "variation_id": 0, + "video_id": "40763" + }, + { + "bbox": [ + 69, + 16, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8957.mp4", + "variation_id": 0, + "video_id": "40764" + }, + { + "bbox": [ + 264, + 19, + 917, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=j558Fk7bmQ4", + "variation_id": 0, + "video_id": "40766" + } + ] + }, + { + "gloss": "pain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 100, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "40797" + }, + { + "bbox": [ + 201, + 53, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sore.mp4", + "variation_id": 0, + "video_id": "40810" + }, + { + "bbox": [ + 10, + 8, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63555.mp4", + "variation_id": 0, + "video_id": "40802" + }, + { + "bbox": [ + 79, + 29, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/PUeBxtWPPFw", + "variation_id": 0, + "video_id": "67956" + }, + { + "bbox": [ + 139, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468723103.4644.mp4", + "variation_id": 0, + "video_id": "40803" + }, + { + "bbox": [ + 107, + 8, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/pain.mp4", + "variation_id": 0, + "video_id": "40804" + }, + { + "bbox": [ + 58, + 14, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23773.mp4", + "variation_id": 0, + "video_id": "40806" + }, + { + "bbox": [ + 75, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23774.mp4", + "variation_id": 0, + "video_id": "40807" + }, + { + "bbox": [ + 310, + 0, + 1067, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=c-oLk9yPARI", + "variation_id": 0, + "video_id": "40808" + }, + { + "bbox": [ + 0, + 7, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pain.swf", + "variation_id": 0, + "video_id": "40809" + } + ] + }, + { + "gloss": "parade", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 426, + "frame_start": 364, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41062" + }, + { + "bbox": [ + 101, + 12, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/g_LH4eW0R8Y", + "variation_id": 0, + "video_id": "67963" + }, + { + "bbox": [ + 38, + 6, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116207.mp4", + "variation_id": 0, + "video_id": "41063" + }, + { + "bbox": [ + 329, + 71, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/parade.mp4", + "variation_id": 0, + "video_id": "41064" + }, + { + "bbox": [ + 574, + 44, + 1783, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20March%2C%20Parade-FHYlZStvj5w.mp4", + "variation_id": 0, + "video_id": "41065" + }, + { + "bbox": [ + 55, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468723609.6274.mp4", + "variation_id": 0, + "video_id": "41066" + }, + { + "bbox": [ + 36, + 8, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/parade.mp4", + "variation_id": 0, + "video_id": "41067" + }, + { + "bbox": [ + 74, + 8, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6047.mp4", + "variation_id": 0, + "video_id": "41068" + }, + { + "bbox": [ + 10, + 17, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/parade.swf", + "variation_id": 0, + "video_id": "41069" + }, + { + "bbox": [ + 233, + 38, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/parade.mp4", + "variation_id": 0, + "video_id": "41070" + } + ] + }, + { + "gloss": "parents", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 566, + "frame_start": 517, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41163" + }, + { + "bbox": [ + 89, + 9, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/DWeISmBh5RY", + "variation_id": 0, + "video_id": "67964" + }, + { + "bbox": [ + 64, + 33, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93983.mp4", + "variation_id": 0, + "video_id": "41164" + }, + { + "bbox": [ + 284, + 0, + 784, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Parents-WLG81XivKOY.mp4", + "variation_id": 0, + "video_id": "41165" + }, + { + "bbox": [ + 64, + 2, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6843.mp4", + "variation_id": 0, + "video_id": "41166" + }, + { + "bbox": [ + 360, + 10, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=frvrfemPF4E", + "variation_id": 0, + "video_id": "41167" + }, + { + "bbox": [ + 279, + 0, + 962, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jlqHVbCS4H0", + "variation_id": 0, + "video_id": "41168" + }, + { + "bbox": [ + 382, + 40, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-tc9WGp92_0", + "variation_id": 0, + "video_id": "41169" + }, + { + "bbox": [ + 342, + 35, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=_uZ7bNrTbTA", + "variation_id": 0, + "video_id": "41170" + }, + { + "bbox": [ + 1, + 0, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/p/parents.swf", + "variation_id": 0, + "video_id": "41171" + } + ] + }, + { + "gloss": "perfect", + "instances": [ + { + "bbox": [ + 86, + 0, + 476, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/perfect.mp4", + "variation_id": 0, + "video_id": "42003" + }, + { + "bbox": [ + 78, + 1, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5824.mp4", + "variation_id": 0, + "video_id": "42004" + }, + { + "bbox": [ + 74, + 6, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5825.mp4", + "variation_id": 0, + "video_id": "42005" + }, + { + "bbox": [ + 347, + 58, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=HGIYIPaoFAc", + "variation_id": 0, + "video_id": "42006" + }, + { + "bbox": [ + 197, + 6, + 502, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 104, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/E(/E(perfect)-1891.mp4", + "variation_id": 0, + "video_id": "65575" + }, + { + "bbox": [ + 90, + 20, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/p6qQA20tIII", + "variation_id": 0, + "video_id": "67979" + }, + { + "bbox": [ + 189, + 51, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/perfect.mp4", + "variation_id": 0, + "video_id": "42008" + }, + { + "bbox": [ + 50, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49186.mp4", + "variation_id": 0, + "video_id": "41998" + }, + { + "bbox": [ + 403, + 79, + 1554, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Perfect-n2dr5saTOtU.mp4", + "variation_id": 0, + "video_id": "42001" + }, + { + "bbox": [ + 151, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725071.8270.mp4", + "variation_id": 0, + "video_id": "42002" + } + ] + }, + { + "gloss": "period", + "instances": [ + { + "bbox": [ + 215, + 8, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PE/PERIOD-887.mp4", + "variation_id": 0, + "video_id": "66279" + }, + { + "bbox": [ + 754, + 112, + 1563, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Period-av4VWUtDw_8.mp4", + "variation_id": 0, + "video_id": "42076" + }, + { + "bbox": [ + 141, + 28, + 489, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 48, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546609036.2241.mp4", + "variation_id": 0, + "video_id": "42080" + }, + { + "bbox": [ + 52, + 14, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/period-dot.mp4", + "variation_id": 0, + "video_id": "42081" + }, + { + "bbox": [ + 52, + 13, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/period-emotion.mp4", + "variation_id": 0, + "video_id": "42082" + }, + { + "bbox": [ + 81, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/12/12011.mp4", + "variation_id": 0, + "video_id": "42086" + }, + { + "bbox": [ + 57, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2328.mp4", + "variation_id": 0, + "video_id": "42088" + }, + { + "bbox": [ + 351, + 32, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Kcb9dwrHBOI", + "variation_id": 0, + "video_id": "42089" + }, + { + "bbox": [ + 321, + 35, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=u99QX8bxUEk", + "variation_id": 0, + "video_id": "42090" + }, + { + "bbox": [ + 28, + 4, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/period_punctuation.swf", + "variation_id": 0, + "video_id": "42091" + } + ] + }, + { + "gloss": "philosophy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1843, + "frame_start": 1771, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42398" + }, + { + "bbox": [ + 85, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725464.9173.mp4", + "variation_id": 0, + "video_id": "42403" + }, + { + "bbox": [ + 59, + 3, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/philosophy.mp4", + "variation_id": 0, + "video_id": "42404" + }, + { + "bbox": [ + 40, + 4, + 458, + 264 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 74, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/philosophy-p.mp4", + "variation_id": 0, + "video_id": "42405" + }, + { + "bbox": [ + 59, + 5, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8900.mp4", + "variation_id": 0, + "video_id": "42407" + }, + { + "bbox": [ + 158, + 4, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PH/PHILOSOPHY-895.mp4", + "variation_id": 0, + "video_id": "66287" + }, + { + "bbox": [ + 14, + 12, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/philosophy.swf", + "variation_id": 0, + "video_id": "42409" + }, + { + "bbox": [ + 173, + 46, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/philosophy.mp4", + "variation_id": 0, + "video_id": "42410" + }, + { + "bbox": [ + 583, + 54, + 1537, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Philosophy%202-H4L1_R_NYIc.mp4", + "variation_id": 0, + "video_id": "42400" + }, + { + "bbox": [ + 559, + 53, + 1546, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Philosophy%203-yHVFVzzXRRE.mp4", + "variation_id": 0, + "video_id": "42401" + } + ] + }, + { + "gloss": "photographer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1926, + "frame_start": 1877, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42469" + }, + { + "bbox": [ + 54, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457755.mp4", + "variation_id": 0, + "video_id": "42470" + }, + { + "bbox": [ + 215, + 16, + 538, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/photographer.mp4", + "variation_id": 0, + "video_id": "42471" + }, + { + "bbox": [ + 111, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468725837.4351.mp4", + "variation_id": 0, + "video_id": "42472" + }, + { + "bbox": [ + 32, + 13, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/photographer2.mp4", + "variation_id": 0, + "video_id": "42473" + }, + { + "bbox": [ + 38, + 12, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/photographer.mp4", + "variation_id": 0, + "video_id": "42474" + }, + { + "bbox": [ + 51, + 2, + 246, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14647.mp4", + "variation_id": 0, + "video_id": "42475" + }, + { + "bbox": [ + 341, + 33, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JEPbVfL9HPI", + "variation_id": 0, + "video_id": "42476" + }, + { + "bbox": [ + 8, + 2, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/photographer.swf", + "variation_id": 0, + "video_id": "42477" + }, + { + "bbox": [ + 186, + 49, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/photographer.mp4", + "variation_id": 0, + "video_id": "42478" + } + ] + }, + { + "gloss": "place", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2786, + "frame_start": 2724, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42983" + }, + { + "bbox": [ + 356, + 21, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/place.mp4", + "variation_id": 0, + "video_id": "69432" + }, + { + "bbox": [ + 127, + 35, + 498, + 480 + ], + "fps": 25, + "frame_end": 3624, + "frame_start": 3482, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70190" + }, + { + "bbox": [ + 216, + 38, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/place.mp4", + "variation_id": 0, + "video_id": "42994" + }, + { + "bbox": [ + 336, + 44, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Place%20A-QfBtPgUie2Q.mp4", + "variation_id": 0, + "video_id": "42987" + }, + { + "bbox": [ + 345, + 47, + 1652, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Place%20P-b0TUzWGivIM.mp4", + "variation_id": 0, + "video_id": "42988" + }, + { + "bbox": [ + 149, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468726434.9865.mp4", + "variation_id": 0, + "video_id": "42989" + }, + { + "bbox": [ + 55, + 16, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/place.mp4", + "variation_id": 0, + "video_id": "42990" + }, + { + "bbox": [ + 311, + 49, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Ka8vriGAuWY", + "variation_id": 0, + "video_id": "42992" + }, + { + "bbox": [ + 17, + 21, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/place.swf", + "variation_id": 0, + "video_id": "42993" + } + ] + }, + { + "gloss": "policy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3368, + "frame_start": 3306, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43552" + }, + { + "bbox": [ + 195, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/policy.mp4", + "variation_id": 0, + "video_id": "43561" + }, + { + "bbox": [ + 199, + 10, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POLICY-913.mp4", + "variation_id": 0, + "video_id": "66307" + }, + { + "bbox": [ + 54, + 4, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116354.mp4", + "variation_id": 0, + "video_id": "43553" + }, + { + "bbox": [ + 697, + 75, + 1650, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Policy%2C%20Principle-JE8d96C635o.mp4", + "variation_id": 0, + "video_id": "43554" + }, + { + "bbox": [ + 139, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468754414.8610.mp4", + "variation_id": 0, + "video_id": "43555" + }, + { + "bbox": [ + 55, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/policy.mp4", + "variation_id": 0, + "video_id": "43556" + }, + { + "bbox": [ + 84, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24151.mp4", + "variation_id": 0, + "video_id": "43557" + }, + { + "bbox": [ + 300, + 26, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=1GPAokKW_wA", + "variation_id": 0, + "video_id": "43558" + }, + { + "bbox": [ + 331, + 23, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lnQAeNdwWbM", + "variation_id": 0, + "video_id": "43559" + } + ] + }, + { + "gloss": "popular", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3632, + "frame_start": 3583, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43725" + }, + { + "bbox": [ + 196, + 5, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POPULAR-917.mp4", + "variation_id": 0, + "video_id": "66312" + }, + { + "bbox": [ + 65, + 8, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116368.mp4", + "variation_id": 0, + "video_id": "43726" + }, + { + "bbox": [ + 148, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468754759.8462.mp4", + "variation_id": 0, + "video_id": "43727" + }, + { + "bbox": [ + 30, + 0, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/popular.mp4", + "variation_id": 0, + "video_id": "43728" + }, + { + "bbox": [ + 68, + 12, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9694.mp4", + "variation_id": 0, + "video_id": "43729" + }, + { + "bbox": [ + 68, + 13, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9695.mp4", + "variation_id": 0, + "video_id": "43730" + }, + { + "bbox": [ + 325, + 27, + 1005, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TQMubJvFkXs", + "variation_id": 0, + "video_id": "43731" + }, + { + "bbox": [ + 1, + 10, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/popular.swf", + "variation_id": 0, + "video_id": "43732" + }, + { + "bbox": [ + 200, + 55, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/popular.mp4", + "variation_id": 0, + "video_id": "43733" + } + ] + }, + { + "gloss": "pray", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4190, + "frame_start": 4154, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44119" + }, + { + "bbox": [ + 385, + 54, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qXrnfGc8lLU", + "variation_id": 0, + "video_id": "44134" + }, + { + "bbox": [ + 27, + 6, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pray.swf", + "variation_id": 0, + "video_id": "44135" + }, + { + "bbox": [ + 71, + 1, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457799.mp4", + "variation_id": 0, + "video_id": "44126" + }, + { + "bbox": [ + 202, + 57, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pray.mp4", + "variation_id": 0, + "video_id": "44136" + }, + { + "bbox": [ + 793, + 73, + 1673, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pray-YIC4hKSFBYQ.mp4", + "variation_id": 0, + "video_id": "44127" + }, + { + "bbox": [ + 187, + 1, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755164.7649.mp4", + "variation_id": 0, + "video_id": "44128" + }, + { + "bbox": [ + 53, + 4, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pray.mp4", + "variation_id": 0, + "video_id": "44129" + }, + { + "bbox": [ + 82, + 16, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7783.mp4", + "variation_id": 0, + "video_id": "44130" + }, + { + "bbox": [ + 86, + 15, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7785.mp4", + "variation_id": 0, + "video_id": "44132" + } + ] + }, + { + "gloss": "predict", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4513, + "frame_start": 4454, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44199" + }, + { + "bbox": [ + 186, + 54, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/predict.mp4", + "variation_id": 0, + "video_id": "44208" + }, + { + "bbox": [ + 71, + 8, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/predict.mov", + "variation_id": 0, + "video_id": "44200" + }, + { + "bbox": [ + 82, + 8, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116389.mp4", + "variation_id": 0, + "video_id": "44201" + }, + { + "bbox": [ + 437, + 62, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Predict.mp4", + "variation_id": 0, + "video_id": "44202" + }, + { + "bbox": [ + 66, + 8, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468667224.4897.mp4", + "variation_id": 0, + "video_id": "44203" + }, + { + "bbox": [ + 56, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/predict2.mp4", + "variation_id": 0, + "video_id": "44204" + }, + { + "bbox": [ + 21, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/predict.mp4", + "variation_id": 0, + "video_id": "44205" + }, + { + "bbox": [ + 49, + 24, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23407.mp4", + "variation_id": 0, + "video_id": "44206" + }, + { + "bbox": [ + 19, + 15, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/predict.swf", + "variation_id": 0, + "video_id": "44207" + } + ] + }, + { + "gloss": "presentation", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4886, + "frame_start": 4824, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44319" + }, + { + "bbox": [ + 104, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/presentation.mp4", + "variation_id": 0, + "video_id": "44328" + }, + { + "bbox": [ + 52, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22166.mp4", + "variation_id": 0, + "video_id": "44329" + }, + { + "bbox": [ + 77, + 7, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/presentation.mov", + "variation_id": 0, + "video_id": "44320" + }, + { + "bbox": [ + 42, + 3, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/245776.mp4", + "variation_id": 0, + "video_id": "44321" + }, + { + "bbox": [ + 325, + 11, + 1690, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech%202-6aqjl8M7oeI.mp4", + "variation_id": 0, + "video_id": "44322" + }, + { + "bbox": [ + 602, + 50, + 1659, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech%203-wxk9-1vsb_A.mp4", + "variation_id": 0, + "video_id": "44323" + }, + { + "bbox": [ + 407, + 0, + 1670, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lecture%2C%20Presentation%2C%20Speech-XHzconXXUCQ.mp4", + "variation_id": 0, + "video_id": "44324" + }, + { + "bbox": [ + 792, + 66, + 1700, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Presentation-BTzvEsCl9e8.mp4", + "variation_id": 0, + "video_id": "44325" + }, + { + "bbox": [ + 133, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755476.7978.mp4", + "variation_id": 0, + "video_id": "44327" + } + ] + }, + { + "gloss": "print", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5436, + "frame_start": 5387, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44556" + }, + { + "bbox": [ + 385, + 36, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/print.mp4", + "variation_id": 0, + "video_id": "69438" + }, + { + "bbox": [ + 204, + 8, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRINT-933.mp4", + "variation_id": 0, + "video_id": "66332" + }, + { + "bbox": [ + 54, + 14, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/153678.mp4", + "variation_id": 0, + "video_id": "44567" + }, + { + "bbox": [ + 101, + 14, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/k5Op_LMNbcc", + "variation_id": 0, + "video_id": "67103" + }, + { + "bbox": [ + 594, + 63, + 1452, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Print-7t9_Na9BNco.mp4", + "variation_id": 0, + "video_id": "44568" + }, + { + "bbox": [ + 79, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/print.mp4", + "variation_id": 0, + "video_id": "44569" + }, + { + "bbox": [ + 78, + 15, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8899.mp4", + "variation_id": 0, + "video_id": "44570" + }, + { + "bbox": [ + 0, + 10, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/print.swf", + "variation_id": 0, + "video_id": "44571" + }, + { + "bbox": [ + 197, + 54, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/print.mp4", + "variation_id": 0, + "video_id": "44572" + } + ] + }, + { + "gloss": "printer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5496, + "frame_start": 5437, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44557" + }, + { + "bbox": [ + 66, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/184757.mp4", + "variation_id": 0, + "video_id": "44558" + }, + { + "bbox": [ + 60, + 10, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63626.mp4", + "variation_id": 0, + "video_id": "44559" + }, + { + "bbox": [ + 158, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468756005.7131.mp4", + "variation_id": 0, + "video_id": "44560" + }, + { + "bbox": [ + 80, + 24, + 491, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 48, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546609377.3855.mp4", + "variation_id": 0, + "video_id": "44561" + }, + { + "bbox": [ + 76, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/printer.mp4", + "variation_id": 0, + "video_id": "44562" + }, + { + "bbox": [ + 74, + 14, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8898.mp4", + "variation_id": 0, + "video_id": "44563" + }, + { + "bbox": [ + 338, + 25, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xXR8DCZkx0g", + "variation_id": 0, + "video_id": "44564" + }, + { + "bbox": [ + 20, + 7, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/printer_person.swf", + "variation_id": 0, + "video_id": "44565" + }, + { + "bbox": [ + 196, + 55, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/printer.mp4", + "variation_id": 0, + "video_id": "44566" + } + ] + }, + { + "gloss": "private", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5649, + "frame_start": 5587, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44618" + }, + { + "bbox": [ + 247, + 42, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/confident.mp4", + "variation_id": 0, + "video_id": "44633" + }, + { + "bbox": [ + 62, + 13, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63566.mp4", + "variation_id": 0, + "video_id": "44624" + }, + { + "bbox": [ + 726, + 142, + 1462, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Secret-SGD613coMXA.mp4", + "variation_id": 0, + "video_id": "44625" + }, + { + "bbox": [ + 159, + 1, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756107.922.mp4", + "variation_id": 0, + "video_id": "44626" + }, + { + "bbox": [ + 117, + 1, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/private.mp4", + "variation_id": 0, + "video_id": "44627" + }, + { + "bbox": [ + 105, + 20, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23301.mp4", + "variation_id": 0, + "video_id": "44628" + }, + { + "bbox": [ + 98, + 21, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23302.mp4", + "variation_id": 0, + "video_id": "44629" + }, + { + "bbox": [ + 103, + 23, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23304.mp4", + "variation_id": 0, + "video_id": "44631" + }, + { + "bbox": [ + 18, + 6, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/private.swf", + "variation_id": 0, + "video_id": "44632" + } + ] + }, + { + "gloss": "procrastinate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5819, + "frame_start": 5770, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44732" + }, + { + "bbox": [ + 55, + 7, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116412.mp4", + "variation_id": 0, + "video_id": "44733" + }, + { + "bbox": [ + 359, + 51, + 1702, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Procrastinate-J4WqDqO4aaA.mp4", + "variation_id": 0, + "video_id": "44734" + }, + { + "bbox": [ + 139, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468756474.6417.mp4", + "variation_id": 0, + "video_id": "44735" + }, + { + "bbox": [ + 24, + 10, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/procrastinate.mp4", + "variation_id": 0, + "video_id": "44736" + }, + { + "bbox": [ + 82, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6586.mp4", + "variation_id": 0, + "video_id": "44737" + }, + { + "bbox": [ + 78, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6589.mp4", + "variation_id": 0, + "video_id": "44738" + }, + { + "bbox": [ + 75, + 14, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6929.mp4", + "variation_id": 0, + "video_id": "44739" + }, + { + "bbox": [ + 25, + 17, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/procrastinate.swf", + "variation_id": 0, + "video_id": "44740" + }, + { + "bbox": [ + 187, + 55, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/procrastinate.mp4", + "variation_id": 0, + "video_id": "44741" + } + ] + }, + { + "gloss": "project", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6086, + "frame_start": 6040, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44859" + }, + { + "bbox": [ + 186, + 54, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/predict.mp4", + "variation_id": 0, + "video_id": "44868" + }, + { + "bbox": [ + 138, + 3, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROJECT-940.mp4", + "variation_id": 0, + "video_id": "66338" + }, + { + "bbox": [ + 201, + 55, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/project.mp4", + "variation_id": 0, + "video_id": "44869" + }, + { + "bbox": [ + 77, + 44, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89903.mp4", + "variation_id": 0, + "video_id": "44860" + }, + { + "bbox": [ + 565, + 70, + 1455, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Project-Md0ZcS33B28.mp4", + "variation_id": 0, + "video_id": "44862" + }, + { + "bbox": [ + 139, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756687.4705.mp4", + "variation_id": 0, + "video_id": "44863" + }, + { + "bbox": [ + 66, + 11, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/project.mp4", + "variation_id": 0, + "video_id": "44864" + }, + { + "bbox": [ + 67, + 12, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14852.mp4", + "variation_id": 0, + "video_id": "44865" + }, + { + "bbox": [ + 361, + 42, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=owElWnIFa8g", + "variation_id": 0, + "video_id": "44866" + } + ] + }, + { + "gloss": "protect", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6369, + "frame_start": 6337, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45059" + }, + { + "bbox": [ + 143, + 24, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROTECT-809.mp4", + "variation_id": 0, + "video_id": "66343" + }, + { + "bbox": [ + 53, + 5, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58471.mp4", + "variation_id": 0, + "video_id": "45060" + }, + { + "bbox": [ + 631, + 86, + 1606, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Protect-LJOge01OrLo.mp4", + "variation_id": 0, + "video_id": "45061" + }, + { + "bbox": [ + 139, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757002.1590.mp4", + "variation_id": 0, + "video_id": "45062" + }, + { + "bbox": [ + 6, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/protect.mp4", + "variation_id": 0, + "video_id": "45063" + }, + { + "bbox": [ + 96, + 17, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8210.mp4", + "variation_id": 0, + "video_id": "45064" + }, + { + "bbox": [ + 262, + 38, + 1004, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QXriz841hGk", + "variation_id": 0, + "video_id": "45065" + }, + { + "bbox": [ + 14, + 6, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/protect.swf", + "variation_id": 0, + "video_id": "45066" + }, + { + "bbox": [ + 224, + 42, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/guard.mp4", + "variation_id": 0, + "video_id": "45067" + } + ] + }, + { + "gloss": "prove", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6452, + "frame_start": 6413, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45097" + }, + { + "bbox": [ + 54, + 6, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/483767.mp4", + "variation_id": 0, + "video_id": "45098" + }, + { + "bbox": [ + 729, + 72, + 1618, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Proof%2C%20Prove-eb2pFfWeyBc.mp4", + "variation_id": 0, + "video_id": "45099" + }, + { + "bbox": [ + 902, + 51, + 1729, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Prove-sfgKJYlqMIE.mp4", + "variation_id": 0, + "video_id": "45100" + }, + { + "bbox": [ + 157, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757132.4787.mp4", + "variation_id": 0, + "video_id": "45101" + }, + { + "bbox": [ + 96, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/prove.mp4", + "variation_id": 0, + "video_id": "45102" + }, + { + "bbox": [ + 81, + 0, + 488, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/prove-witness.mp4", + "variation_id": 0, + "video_id": "45103" + }, + { + "bbox": [ + 98, + 22, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23491.mp4", + "variation_id": 0, + "video_id": "45104" + }, + { + "bbox": [ + 274, + 0, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=vCyGf2Qq0-8", + "variation_id": 0, + "video_id": "45105" + }, + { + "bbox": [ + 0, + 10, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/prove.swf", + "variation_id": 0, + "video_id": "45106" + } + ] + }, + { + "gloss": "provide", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6505, + "frame_start": 6453, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45108" + }, + { + "bbox": [ + 196, + 3, + 570, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROVIDE-228.mp4", + "variation_id": 0, + "video_id": "66346" + }, + { + "bbox": [ + 35, + 0, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58326.mp4", + "variation_id": 0, + "video_id": "45110" + }, + { + "bbox": [ + 139, + 3, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468757152.1898.mp4", + "variation_id": 0, + "video_id": "45111" + }, + { + "bbox": [ + 61, + 0, + 507, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/provide.mp4", + "variation_id": 0, + "video_id": "45112" + }, + { + "bbox": [ + 89, + 19, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23273.mp4", + "variation_id": 0, + "video_id": "45113" + }, + { + "bbox": [ + 74, + 16, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7424.mp4", + "variation_id": 0, + "video_id": "45114" + }, + { + "bbox": [ + 170, + 12, + 499, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=beAnIAzZ8pQ", + "variation_id": 0, + "video_id": "45115" + }, + { + "bbox": [ + 0, + 5, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/provide.swf", + "variation_id": 0, + "video_id": "45116" + }, + { + "bbox": [ + 201, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suggest.mp4", + "variation_id": 0, + "video_id": "45117" + } + ] + }, + { + "gloss": "psychology", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6648, + "frame_start": 6586, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45169" + }, + { + "bbox": [ + 253, + 37, + 512, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/psychiatry.mp4", + "variation_id": 0, + "video_id": "45180" + }, + { + "bbox": [ + 14, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51617.mp4", + "variation_id": 0, + "video_id": "45171" + }, + { + "bbox": [ + 427, + 56, + 835, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/psychology.mp4", + "variation_id": 0, + "video_id": "45172" + }, + { + "bbox": [ + 613, + 88, + 1600, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Psychology%202-7QihmlQ7KLM.mp4", + "variation_id": 0, + "video_id": "45173" + }, + { + "bbox": [ + 158, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468757174.2114.mp4", + "variation_id": 0, + "video_id": "45175" + }, + { + "bbox": [ + 87, + 14, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/psychology.mp4", + "variation_id": 0, + "video_id": "45176" + }, + { + "bbox": [ + 97, + 18, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22647.mp4", + "variation_id": 0, + "video_id": "45177" + }, + { + "bbox": [ + 382, + 50, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=az0-qnXPoig", + "variation_id": 0, + "video_id": "45178" + }, + { + "bbox": [ + 19, + 4, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/psychology.swf", + "variation_id": 0, + "video_id": "45179" + } + ] + }, + { + "gloss": "punish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6858, + "frame_start": 6809, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45362" + }, + { + "bbox": [ + 159, + 25, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PU/PUNISH-2398.mp4", + "variation_id": 0, + "video_id": "66354" + }, + { + "bbox": [ + 95, + 26, + 401, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hf9aqNkLbFo", + "variation_id": 0, + "video_id": "67113" + }, + { + "bbox": [ + 62, + 1, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457810.mp4", + "variation_id": 0, + "video_id": "45363" + }, + { + "bbox": [ + 609, + 51, + 1523, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Punish-AIXfwzIK-jI.mp4", + "variation_id": 0, + "video_id": "45364" + }, + { + "bbox": [ + 123, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468724712.7432.mp4", + "variation_id": 0, + "video_id": "45365" + }, + { + "bbox": [ + 72, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/punish.mp4", + "variation_id": 0, + "video_id": "45366" + }, + { + "bbox": [ + 76, + 15, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14433.mp4", + "variation_id": 0, + "video_id": "45367" + }, + { + "bbox": [ + 0, + 6, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/punish.swf", + "variation_id": 0, + "video_id": "45368" + }, + { + "bbox": [ + 232, + 48, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/discipline.mp4", + "variation_id": 0, + "video_id": "45369" + } + ] + }, + { + "gloss": "puzzled", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7221, + "frame_start": 7175, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45570" + }, + { + "bbox": [ + 153, + 6, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PU/PUZZLED-232.mp4", + "variation_id": 0, + "video_id": "66359" + }, + { + "bbox": [ + 92, + 13, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/njXa2NJJdGo", + "variation_id": 0, + "video_id": "67116" + }, + { + "bbox": [ + 691, + 102, + 1510, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20More%20Than%20Puzzled-kL5aFdBTrbs.mp4", + "variation_id": 0, + "video_id": "45571" + }, + { + "bbox": [ + 687, + 138, + 1492, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Puzzled-c1qPSA1FROE.mp4", + "variation_id": 0, + "video_id": "45572" + }, + { + "bbox": [ + 60, + 12, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/puzzled.mp4", + "variation_id": 0, + "video_id": "45573" + }, + { + "bbox": [ + 73, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8374.mp4", + "variation_id": 0, + "video_id": "45574" + }, + { + "bbox": [ + 79, + 11, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8375.mp4", + "variation_id": 0, + "video_id": "45575" + }, + { + "bbox": [ + 227, + 36, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ip_p8GkETvc", + "variation_id": 0, + "video_id": "45576" + }, + { + "bbox": [ + 140, + 52, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bizarre2.mp4", + "variation_id": 0, + "video_id": "45577" + } + ] + }, + { + "gloss": "question", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 240, + "frame_start": 184, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45711" + }, + { + "bbox": [ + 285, + 45, + 879, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/question.mp4", + "variation_id": 0, + "video_id": "69442" + }, + { + "bbox": [ + 187, + 55, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/question.mp4", + "variation_id": 0, + "video_id": "45723" + }, + { + "bbox": [ + 81, + 4, + 225, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/question.mov", + "variation_id": 0, + "video_id": "45714" + }, + { + "bbox": [ + 53, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49262.mp4", + "variation_id": 0, + "video_id": "45715" + }, + { + "bbox": [ + 79, + 5, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/q/question.mp4", + "variation_id": 0, + "video_id": "45717" + }, + { + "bbox": [ + 86, + 14, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7778.mp4", + "variation_id": 0, + "video_id": "45719" + }, + { + "bbox": [ + 196, + 1, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9V46myo_zWA", + "variation_id": 0, + "video_id": "45720" + }, + { + "bbox": [ + 256, + 52, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=TzTufyDgpDE", + "variation_id": 0, + "video_id": "45721" + }, + { + "bbox": [ + 23, + 3, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/q/question.swf", + "variation_id": 0, + "video_id": "45722" + } + ] + }, + { + "gloss": "quick", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 273, + "frame_start": 241, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45739" + }, + { + "bbox": [ + 196, + 62, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quick.mp4", + "variation_id": 0, + "video_id": "45749" + }, + { + "bbox": [ + 127, + 26, + 596, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/QU/QUICK-129.mp4", + "variation_id": 0, + "video_id": "66363" + }, + { + "bbox": [ + 92, + 28, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/QU/QUICK-2323.mp4", + "variation_id": 0, + "video_id": "66364" + }, + { + "bbox": [ + 52, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49263.mp4", + "variation_id": 0, + "video_id": "45742" + }, + { + "bbox": [ + 166, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468757692.6066.mp4", + "variation_id": 0, + "video_id": "45743" + }, + { + "bbox": [ + 106, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/quick.mp4", + "variation_id": 0, + "video_id": "45744" + }, + { + "bbox": [ + 74, + 15, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5558.mp4", + "variation_id": 0, + "video_id": "45746" + }, + { + "bbox": [ + 70, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8564.mp4", + "variation_id": 0, + "video_id": "45747" + }, + { + "bbox": [ + 0, + 20, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/q/quick.swf", + "variation_id": 0, + "video_id": "45748" + } + ] + }, + { + "gloss": "rainbow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 365, + "frame_start": 303, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "45966" + }, + { + "bbox": [ + 60, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457815.mp4", + "variation_id": 0, + "video_id": "45967" + }, + { + "bbox": [ + 397, + 58, + 1613, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rainbow%202-EmoiWjO3Q1s.mp4", + "variation_id": 0, + "video_id": "45968" + }, + { + "bbox": [ + 34, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468758075.5981.mp4", + "variation_id": 0, + "video_id": "45969" + }, + { + "bbox": [ + 13, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rainbow.mp4", + "variation_id": 0, + "video_id": "45970" + }, + { + "bbox": [ + 81, + 23, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22918.mp4", + "variation_id": 0, + "video_id": "45971" + }, + { + "bbox": [ + 269, + 21, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=E3nNDem2C0Y", + "variation_id": 0, + "video_id": "45972" + }, + { + "bbox": [ + 229, + 36, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RQx5-kaEdeA", + "variation_id": 0, + "video_id": "45973" + }, + { + "bbox": [ + 0, + 0, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/rainbow.swf", + "variation_id": 0, + "video_id": "45974" + }, + { + "bbox": [ + 61, + 15, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rainbow.mp4", + "variation_id": 0, + "video_id": "45975" + } + ] + }, + { + "gloss": "rake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 442, + "frame_start": 366, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46053" + }, + { + "bbox": [ + 127, + 28, + 513, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RA/RAKE-946.mp4", + "variation_id": 0, + "video_id": "66370" + }, + { + "bbox": [ + 86, + 20, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0zSZBHqw_Ss", + "variation_id": 0, + "video_id": "67122" + }, + { + "bbox": [ + 57, + 1, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116475.mp4", + "variation_id": 0, + "video_id": "46054" + }, + { + "bbox": [ + 578, + 73, + 1574, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rake-4L6p0N9lryA.mp4", + "variation_id": 0, + "video_id": "46055" + }, + { + "bbox": [ + 23, + 12, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/rake-leaves.mp4", + "variation_id": 0, + "video_id": "46056" + }, + { + "bbox": [ + 29, + 13, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rake.mp4", + "variation_id": 0, + "video_id": "46057" + }, + { + "bbox": [ + 63, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2510.mp4", + "variation_id": 0, + "video_id": "46058" + }, + { + "bbox": [ + 13, + 4, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/rake.swf", + "variation_id": 0, + "video_id": "46059" + }, + { + "bbox": [ + 190, + 53, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rake.mp4", + "variation_id": 0, + "video_id": "46060" + } + ] + }, + { + "gloss": "rehearse", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1402, + "frame_start": 1350, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46956" + }, + { + "bbox": [ + 55, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116513.mp4", + "variation_id": 0, + "video_id": "46957" + }, + { + "bbox": [ + 109, + 3, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755145.5671.mp4", + "variation_id": 0, + "video_id": "46958" + }, + { + "bbox": [ + 41, + 15, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/rehearse.mp4", + "variation_id": 0, + "video_id": "46959" + }, + { + "bbox": [ + 59, + 24, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23172.mp4", + "variation_id": 0, + "video_id": "46960" + }, + { + "bbox": [ + 59, + 24, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23173.mp4", + "variation_id": 0, + "video_id": "46961" + }, + { + "bbox": [ + 62, + 18, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8953.mp4", + "variation_id": 0, + "video_id": "46962" + }, + { + "bbox": [ + 71, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9822.mp4", + "variation_id": 0, + "video_id": "46963" + }, + { + "bbox": [ + 22, + 18, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/rehearse.swf", + "variation_id": 0, + "video_id": "46964" + }, + { + "bbox": [ + 189, + 56, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/practice.mp4", + "variation_id": 0, + "video_id": "46965" + } + ] + }, + { + "gloss": "remove", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1951, + "frame_start": 1899, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47236" + }, + { + "bbox": [ + 118, + 32, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REMOVE-238.mp4", + "variation_id": 0, + "video_id": "66390" + }, + { + "bbox": [ + 67, + 21, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/306771.mp4", + "variation_id": 0, + "video_id": "47237" + }, + { + "bbox": [ + 694, + 56, + 1555, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Abortion%2C%20Remove-bPF-AfvopiU.mp4", + "variation_id": 0, + "video_id": "47238" + }, + { + "bbox": [ + 664, + 135, + 1581, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Remove-pwL0Crx3SYI.mp4", + "variation_id": 0, + "video_id": "47239" + }, + { + "bbox": [ + 145, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468759706.8947.mp4", + "variation_id": 0, + "video_id": "47240" + }, + { + "bbox": [ + 57, + 13, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/remove.mp4", + "variation_id": 0, + "video_id": "47241" + }, + { + "bbox": [ + 60, + 11, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5620.mp4", + "variation_id": 0, + "video_id": "47242" + }, + { + "bbox": [ + 13, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/remove.swf", + "variation_id": 0, + "video_id": "47243" + }, + { + "bbox": [ + 89, + 54, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eliminate2.mp4", + "variation_id": 0, + "video_id": "47244" + } + ] + }, + { + "gloss": "revenge", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3134, + "frame_start": 3078, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47857" + }, + { + "bbox": [ + 229, + 43, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/retaliate.mp4", + "variation_id": 0, + "video_id": "47864" + }, + { + "bbox": [ + 91, + 34, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REVENGE-2342.mp4", + "variation_id": 0, + "video_id": "66403" + }, + { + "bbox": [ + 136, + 32, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REVENGE-972.mp4", + "variation_id": 0, + "video_id": "66402" + }, + { + "bbox": [ + 91, + 17, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/_ORqUgCG61U", + "variation_id": 0, + "video_id": "67140" + }, + { + "bbox": [ + 53, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457659.mp4", + "variation_id": 0, + "video_id": "47858" + }, + { + "bbox": [ + 157, + 7, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760827.439.mp4", + "variation_id": 0, + "video_id": "47859" + }, + { + "bbox": [ + 41, + 11, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/revenge.mp4", + "variation_id": 0, + "video_id": "47860" + }, + { + "bbox": [ + 95, + 21, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22637.mp4", + "variation_id": 0, + "video_id": "47862" + }, + { + "bbox": [ + 28, + 18, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/revenge.swf", + "variation_id": 0, + "video_id": "47863" + } + ] + }, + { + "gloss": "review", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3177, + "frame_start": 3135, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47898" + }, + { + "bbox": [ + 434, + 38, + 1695, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Review%203-oERAc9-WJqI.mp4", + "variation_id": 0, + "video_id": "47902" + }, + { + "bbox": [ + 679, + 33, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Review%204-yC-OLxHKVic.mp4", + "variation_id": 0, + "video_id": "47903" + }, + { + "bbox": [ + 770, + 110, + 1693, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Review%205-zHLuebPiqos.mp4", + "variation_id": 0, + "video_id": "47904" + }, + { + "bbox": [ + 651, + 41, + 1664, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Review-ZcCTfCnGqeU.mp4", + "variation_id": 0, + "video_id": "47905" + }, + { + "bbox": [ + 82, + 45, + 537, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1499952712.1356.mp4", + "variation_id": 0, + "video_id": "47906" + }, + { + "bbox": [ + 105, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/review.mp4", + "variation_id": 0, + "video_id": "47907" + }, + { + "bbox": [ + 230, + 27, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xTW3k5owfp0", + "variation_id": 0, + "video_id": "47911" + }, + { + "bbox": [ + 177, + 51, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/review.mp4", + "variation_id": 0, + "video_id": "47913" + }, + { + "bbox": [ + 695, + 41, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Review%202-VLxsCy0S1J4.mp4", + "variation_id": 0, + "video_id": "47901" + } + ] + }, + { + "gloss": "rich", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3230, + "frame_start": 3178, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48019" + }, + { + "bbox": [ + 62, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rich-wealth.mp4", + "variation_id": 0, + "video_id": "48027" + }, + { + "bbox": [ + 52, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2608.mp4", + "variation_id": 0, + "video_id": "48029" + }, + { + "bbox": [ + 90, + 10, + 421, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=FfvI09vvBoc", + "variation_id": 0, + "video_id": "48030" + }, + { + "bbox": [ + 0, + 5, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rich.swf", + "variation_id": 0, + "video_id": "48031" + }, + { + "bbox": [ + 156, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/wealthy.mp4", + "variation_id": 0, + "video_id": "48032" + }, + { + "bbox": [ + 48, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50761.mp4", + "variation_id": 0, + "video_id": "48020" + }, + { + "bbox": [ + 370, + 56, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/rich.mp4", + "variation_id": 0, + "video_id": "48021" + }, + { + "bbox": [ + 387, + 48, + 1098, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20RIch.mp4", + "variation_id": 0, + "video_id": "48022" + }, + { + "bbox": [ + 135, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760966.5777.mp4", + "variation_id": 0, + "video_id": "48023" + } + ] + }, + { + "gloss": "roof", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3867, + "frame_start": 3818, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48487" + }, + { + "bbox": [ + 96, + 36, + 528, + 480 + ], + "fps": 25, + "frame_end": 4918, + "frame_start": 4784, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70197" + }, + { + "bbox": [ + 321, + 56, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QzULXbpaAFA", + "variation_id": 0, + "video_id": "48497" + }, + { + "bbox": [ + 8, + 19, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/roof.swf", + "variation_id": 0, + "video_id": "48498" + }, + { + "bbox": [ + 355, + 55, + 850, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/roof.mp4", + "variation_id": 0, + "video_id": "48489" + }, + { + "bbox": [ + 152, + 50, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/roof.mp4", + "variation_id": 0, + "video_id": "48499" + }, + { + "bbox": [ + 665, + 73, + 1741, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Roof-fhXDUFNHHVQ.mp4", + "variation_id": 0, + "video_id": "48490" + }, + { + "bbox": [ + 24, + 29, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/roof.mp4", + "variation_id": 0, + "video_id": "48492" + }, + { + "bbox": [ + 41, + 1, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9186.mp4", + "variation_id": 0, + "video_id": "48494" + }, + { + "bbox": [ + 341, + 51, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gMWBLeAN2hQ", + "variation_id": 0, + "video_id": "48495" + } + ] + }, + { + "gloss": "rooster", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4033, + "frame_start": 3931, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48537" + }, + { + "bbox": [ + 119, + 0, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hfTj6U4WSqs", + "variation_id": 0, + "video_id": "67150" + }, + { + "bbox": [ + 429, + 102, + 1640, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rooster%20copy-1JK2IaAmJNE.mp4", + "variation_id": 0, + "video_id": "48538" + }, + { + "bbox": [ + 426, + 85, + 1486, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rooster-YMGf-fuAEnc.mp4", + "variation_id": 0, + "video_id": "48539" + }, + { + "bbox": [ + 67, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812438.1604.mp4", + "variation_id": 0, + "video_id": "48540" + }, + { + "bbox": [ + 57, + 10, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/rooster.mp4", + "variation_id": 0, + "video_id": "48541" + }, + { + "bbox": [ + 67, + 1, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14636.mp4", + "variation_id": 0, + "video_id": "48542" + }, + { + "bbox": [ + 311, + 17, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fwgPY78CFJM", + "variation_id": 0, + "video_id": "48543" + }, + { + "bbox": [ + 4, + 0, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/rooster.swf", + "variation_id": 0, + "video_id": "48544" + }, + { + "bbox": [ + 176, + 45, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cock.mp4", + "variation_id": 0, + "video_id": "48545" + } + ] + }, + { + "gloss": "rude", + "instances": [ + { + "bbox": [ + 186, + 18, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/rude.mp4", + "variation_id": 0, + "video_id": "48705" + }, + { + "bbox": [ + 458, + 71, + 1645, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rude%202-AKvWA5IvH9M.mp4", + "variation_id": 0, + "video_id": "48706" + }, + { + "bbox": [ + 574, + 36, + 1588, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Swipe%20Up%2C%20Rude-xOZPQ983G6c.mp4", + "variation_id": 0, + "video_id": "48710" + }, + { + "bbox": [ + 126, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468761568.5200.mp4", + "variation_id": 0, + "video_id": "48711" + }, + { + "bbox": [ + 89, + 14, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lAmYTMBtCCA", + "variation_id": 0, + "video_id": "67152" + }, + { + "bbox": [ + 94, + 15, + 495, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/rude-var.mp4", + "variation_id": 0, + "video_id": "48713" + }, + { + "bbox": [ + 151, + 14, + 1005, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HoAkSH0uCvA", + "variation_id": 0, + "video_id": "48717" + }, + { + "bbox": [ + 0, + 4, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rude.swf", + "variation_id": 0, + "video_id": "48718" + }, + { + "bbox": [ + 182, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/rude.mp4", + "variation_id": 0, + "video_id": "48719" + }, + { + "bbox": [ + 51, + 9, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/400938.mp4", + "variation_id": 0, + "video_id": "48704" + } + ] + }, + { + "gloss": "say", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 790, + "frame_start": 731, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49427" + }, + { + "bbox": [ + 382, + 43, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/say.mp4", + "variation_id": 0, + "video_id": "69454" + }, + { + "bbox": [ + 140, + 33, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SA/SAY-1000.mp4", + "variation_id": 0, + "video_id": "66429" + }, + { + "bbox": [ + 104, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468763169.1491.mp4", + "variation_id": 0, + "video_id": "49430" + }, + { + "bbox": [ + 163, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/say.mp4", + "variation_id": 0, + "video_id": "49431" + }, + { + "bbox": [ + 74, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14398.mp4", + "variation_id": 0, + "video_id": "49432" + }, + { + "bbox": [ + 62, + 17, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6412.mp4", + "variation_id": 0, + "video_id": "49433" + }, + { + "bbox": [ + 292, + 24, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fka6bGd2TX8", + "variation_id": 0, + "video_id": "49434" + }, + { + "bbox": [ + 0, + 2, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/say.swf", + "variation_id": 0, + "video_id": "49435" + }, + { + "bbox": [ + 233, + 33, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/say.mp4", + "variation_id": 0, + "video_id": "49436" + } + ] + }, + { + "gloss": "scientist", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1100, + "frame_start": 1011, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49643" + }, + { + "bbox": [ + 64, + 11, + 452, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/L4OXf4Vtosg", + "variation_id": 0, + "video_id": "67172" + }, + { + "bbox": [ + 74, + 8, + 249, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/scientist.mov", + "variation_id": 0, + "video_id": "49644" + }, + { + "bbox": [ + 159, + 16, + 663, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/scientist.mp4", + "variation_id": 0, + "video_id": "49645" + }, + { + "bbox": [ + 117, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763432.7894.mp4", + "variation_id": 0, + "video_id": "49646" + }, + { + "bbox": [ + 49, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/scientist.mp4", + "variation_id": 0, + "video_id": "49647" + }, + { + "bbox": [ + 35, + 3, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14194.mp4", + "variation_id": 0, + "video_id": "49648" + }, + { + "bbox": [ + 241, + 26, + 1062, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wpcV0y9OPzg", + "variation_id": 0, + "video_id": "49649" + }, + { + "bbox": [ + 0, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/s/scientist.swf", + "variation_id": 0, + "video_id": "49650" + }, + { + "bbox": [ + 207, + 34, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scientist.mp4", + "variation_id": 0, + "video_id": "49651" + } + ] + }, + { + "gloss": "scotland", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1314, + "frame_start": 1238, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49726" + }, + { + "bbox": [ + 22, + 21, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/scotland_a.swf", + "variation_id": 0, + "video_id": "49735" + }, + { + "bbox": [ + 243, + 32, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scotland.mp4", + "variation_id": 0, + "video_id": "49737" + }, + { + "bbox": [ + 72, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455372.mp4", + "variation_id": 0, + "video_id": "49727" + }, + { + "bbox": [ + 413, + 58, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/scotland.mp4", + "variation_id": 0, + "video_id": "49728" + }, + { + "bbox": [ + 742, + 117, + 1384, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Scotland%2C%20Sergeant-CaGYRpjELas.mp4", + "variation_id": 0, + "video_id": "49729" + }, + { + "bbox": [ + 142, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763571.4505.mp4", + "variation_id": 0, + "video_id": "49730" + }, + { + "bbox": [ + 172, + 0, + 608, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/scotland.mp4", + "variation_id": 0, + "video_id": "49731" + }, + { + "bbox": [ + 69, + 4, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5769.mp4", + "variation_id": 0, + "video_id": "49732" + }, + { + "bbox": [ + 331, + 45, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dpNJGTWbMig", + "variation_id": 0, + "video_id": "49733" + } + ] + }, + { + "gloss": "screwdriver", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1450, + "frame_start": 1378, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49803" + }, + { + "bbox": [ + 257, + 23, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nBzc8dMJqnQ", + "variation_id": 0, + "video_id": "49810" + }, + { + "bbox": [ + 40, + 21, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1xQSj2My55s", + "variation_id": 0, + "video_id": "67174" + }, + { + "bbox": [ + 189, + 49, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/screwdriver.mp4", + "variation_id": 0, + "video_id": "49814" + }, + { + "bbox": [ + 23, + 8, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310856.mp4", + "variation_id": 0, + "video_id": "49804" + }, + { + "bbox": [ + 343, + 59, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/screwdriver.mp4", + "variation_id": 0, + "video_id": "49805" + }, + { + "bbox": [ + 91, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763780.6893.mp4", + "variation_id": 0, + "video_id": "49806" + }, + { + "bbox": [ + 90, + 0, + 631, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763815.8304.mp4", + "variation_id": 0, + "video_id": "49807" + }, + { + "bbox": [ + 36, + 20, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/screwdriver.mp4", + "variation_id": 0, + "video_id": "49808" + }, + { + "bbox": [ + 59, + 13, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2691.mp4", + "variation_id": 0, + "video_id": "49809" + } + ] + }, + { + "gloss": "second", + "instances": [ + { + "bbox": [ + 143, + 33, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SECOND-1008.mp4", + "variation_id": 0, + "video_id": "66439" + }, + { + "bbox": [ + 765, + 72, + 1582, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Second%20(Parliament)-lWvsD69r1uI.mp4", + "variation_id": 0, + "video_id": "50007" + }, + { + "bbox": [ + 68, + 16, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/second-motion.mp4", + "variation_id": 0, + "video_id": "50010" + }, + { + "bbox": [ + 34, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/second-ordinal.mp4", + "variation_id": 0, + "video_id": "50011" + }, + { + "bbox": [ + 13, + 7, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/second-place.mp4", + "variation_id": 0, + "video_id": "50012" + }, + { + "bbox": [ + 45, + 9, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14258.mp4", + "variation_id": 0, + "video_id": "50014" + }, + { + "bbox": [ + 393, + 52, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/second.mp4", + "variation_id": 0, + "video_id": "50006" + }, + { + "bbox": [ + 92, + 18, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8418.mp4", + "variation_id": 0, + "video_id": "50020" + }, + { + "bbox": [ + 19, + 12, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/second_number.swf", + "variation_id": 0, + "video_id": "50021" + }, + { + "bbox": [ + 203, + 52, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/second3.mp4", + "variation_id": 0, + "video_id": "50023" + } + ] + }, + { + "gloss": "senate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2090, + "frame_start": 2008, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50316" + }, + { + "bbox": [ + 219, + 26, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SENATE-1017.mp4", + "variation_id": 0, + "video_id": "66444" + }, + { + "bbox": [ + 75, + 8, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/senate.mov", + "variation_id": 0, + "video_id": "50317" + }, + { + "bbox": [ + 63, + 5, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116824.mp4", + "variation_id": 0, + "video_id": "50318" + }, + { + "bbox": [ + 681, + 83, + 1607, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Senate-5gS_UgFXMgM.mp4", + "variation_id": 0, + "video_id": "50319" + }, + { + "bbox": [ + 55, + 11, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/senate.mp4", + "variation_id": 0, + "video_id": "50320" + }, + { + "bbox": [ + 77, + 15, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7779.mp4", + "variation_id": 0, + "video_id": "50321" + }, + { + "bbox": [ + 332, + 11, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sgnbq-xS0Ao", + "variation_id": 0, + "video_id": "50322" + }, + { + "bbox": [ + 8, + 15, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/senate.swf", + "variation_id": 0, + "video_id": "50323" + }, + { + "bbox": [ + 215, + 36, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/senate.mp4", + "variation_id": 0, + "video_id": "50324" + } + ] + }, + { + "gloss": "separate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2337, + "frame_start": 2298, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50427" + }, + { + "bbox": [ + 82, + 19, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22771.mp4", + "variation_id": 0, + "video_id": "50439" + }, + { + "bbox": [ + 312, + 34, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nweP6j7qejk", + "variation_id": 0, + "video_id": "50441" + }, + { + "bbox": [ + 39, + 6, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/separate.mov", + "variation_id": 0, + "video_id": "50432" + }, + { + "bbox": [ + 10, + 17, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/separate.swf", + "variation_id": 0, + "video_id": "50442" + }, + { + "bbox": [ + 188, + 49, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/separate.mp4", + "variation_id": 0, + "video_id": "50443" + }, + { + "bbox": [ + 36, + 2, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116828.mp4", + "variation_id": 0, + "video_id": "50433" + }, + { + "bbox": [ + 479, + 65, + 1614, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Separate-dkYynmv5NpM.mp4", + "variation_id": 0, + "video_id": "50436" + }, + { + "bbox": [ + 83, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468765252.5372.mp4", + "variation_id": 0, + "video_id": "50437" + }, + { + "bbox": [ + 111, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/separate.mp4", + "variation_id": 0, + "video_id": "50438" + } + ] + }, + { + "gloss": "service", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2663, + "frame_start": 2604, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50546" + }, + { + "bbox": [ + 92, + 10, + 245, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/services.mov", + "variation_id": 0, + "video_id": "50547" + }, + { + "bbox": [ + 40, + 7, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 29, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/77330.mp4", + "variation_id": 0, + "video_id": "50548" + }, + { + "bbox": [ + 440, + 60, + 866, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/service.mp4", + "variation_id": 0, + "video_id": "50549" + }, + { + "bbox": [ + 697, + 44, + 1732, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Service-MQppw0NzJKU.mp4", + "variation_id": 0, + "video_id": "50550" + }, + { + "bbox": [ + 129, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468765448.7129.mp4", + "variation_id": 0, + "video_id": "50551" + }, + { + "bbox": [ + 18, + 13, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/service.mp4", + "variation_id": 0, + "video_id": "50552" + }, + { + "bbox": [ + 54, + 25, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22999.mp4", + "variation_id": 0, + "video_id": "50553" + }, + { + "bbox": [ + 359, + 55, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=acBMOxnGTjA", + "variation_id": 0, + "video_id": "50554" + }, + { + "bbox": [ + 194, + 50, + 563, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/serve.mp4", + "variation_id": 0, + "video_id": "50555" + } + ] + }, + { + "gloss": "shrimp", + "instances": [ + { + "bbox": [ + 114, + 0, + 497, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766777.5402.mp4", + "variation_id": 0, + "video_id": "51398" + }, + { + "bbox": [ + 45, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shrimp.mp4", + "variation_id": 0, + "video_id": "51400" + }, + { + "bbox": [ + 49, + 10, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9625.mp4", + "variation_id": 0, + "video_id": "51403" + }, + { + "bbox": [ + 104, + 0, + 400, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/yP6aXkIBqO8", + "variation_id": 0, + "video_id": "67199" + }, + { + "bbox": [ + 48, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9626.mp4", + "variation_id": 0, + "video_id": "51404" + }, + { + "bbox": [ + 306, + 30, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=J0fitsM9BxU", + "variation_id": 0, + "video_id": "51406" + }, + { + "bbox": [ + 26, + 18, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shrimp.swf", + "variation_id": 0, + "video_id": "51407" + }, + { + "bbox": [ + 169, + 51, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shrimp.mp4", + "variation_id": 0, + "video_id": "51408" + }, + { + "bbox": [ + 437, + 72, + 1582, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shrimp%202-1EgWn1Qa1JQ.mp4", + "variation_id": 0, + "video_id": "51396" + }, + { + "bbox": [ + 445, + 69, + 1558, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shrimp-Nhh9_Wnw6SU.mp4", + "variation_id": 0, + "video_id": "51397" + } + ] + }, + { + "gloss": "shy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3890, + "frame_start": 3844, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51474" + }, + { + "bbox": [ + 171, + 24, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SH/SHY-1046.mp4", + "variation_id": 0, + "video_id": "66474" + }, + { + "bbox": [ + 104, + 17, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RmuG8nlsP6M", + "variation_id": 0, + "video_id": "67198" + }, + { + "bbox": [ + 400, + 59, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shy.mp4", + "variation_id": 0, + "video_id": "51475" + }, + { + "bbox": [ + 807, + 133, + 1510, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shy-mliLp8hF-_8.mp4", + "variation_id": 0, + "video_id": "51476" + }, + { + "bbox": [ + 576, + 68, + 1494, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shy-OH-ohJjq4iQ.mp4", + "variation_id": 0, + "video_id": "51477" + }, + { + "bbox": [ + 133, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766815.8656.mp4", + "variation_id": 0, + "video_id": "51478" + }, + { + "bbox": [ + 177, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shy.mp4", + "variation_id": 0, + "video_id": "51479" + }, + { + "bbox": [ + 73, + 10, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6034.mp4", + "variation_id": 0, + "video_id": "51480" + }, + { + "bbox": [ + 0, + 8, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shy.swf", + "variation_id": 0, + "video_id": "51481" + } + ] + }, + { + "gloss": "side", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3997, + "frame_start": 3951, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51530" + }, + { + "bbox": [ + 180, + 51, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/side.mp4", + "variation_id": 0, + "video_id": "51552" + }, + { + "bbox": [ + 167, + 44, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SIDE-1049.mp4", + "variation_id": 0, + "video_id": "66477" + }, + { + "bbox": [ + 711, + 43, + 1669, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Side%2C%20On%20the%20Side-S05p5UR55JI.mp4", + "variation_id": 0, + "video_id": "51544" + }, + { + "bbox": [ + 708, + 43, + 1654, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Side-9MwCk5CSMfg.mp4", + "variation_id": 0, + "video_id": "51545" + }, + { + "bbox": [ + 94, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/side.mp4", + "variation_id": 0, + "video_id": "51547" + }, + { + "bbox": [ + 55, + 12, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2756.mp4", + "variation_id": 0, + "video_id": "51548" + }, + { + "bbox": [ + 165, + 6, + 486, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OUz6_8iahfk", + "variation_id": 0, + "video_id": "51549" + }, + { + "bbox": [ + 360, + 45, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=OUz6_8iahfk", + "variation_id": 0, + "video_id": "51550" + }, + { + "bbox": [ + 18, + 20, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/side.swf", + "variation_id": 0, + "video_id": "51551" + } + ] + }, + { + "gloss": "situation", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4624, + "frame_start": 4582, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51932" + }, + { + "bbox": [ + 192, + 43, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SITUATION-1071.mp4", + "variation_id": 0, + "video_id": "66489" + }, + { + "bbox": [ + 77, + 3, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/situation.mov", + "variation_id": 0, + "video_id": "51933" + }, + { + "bbox": [ + 63, + 15, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/89949.mp4", + "variation_id": 0, + "video_id": "51934" + }, + { + "bbox": [ + 139, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767471.635.mp4", + "variation_id": 0, + "video_id": "51935" + }, + { + "bbox": [ + 39, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/situation.mp4", + "variation_id": 0, + "video_id": "51936" + }, + { + "bbox": [ + 90, + 15, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6545.mp4", + "variation_id": 0, + "video_id": "51937" + }, + { + "bbox": [ + 87, + 19, + 426, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=748SRBcxV-I", + "variation_id": 0, + "video_id": "51938" + }, + { + "bbox": [ + 282, + 25, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=748SRBcxV-I", + "variation_id": 0, + "video_id": "51939" + }, + { + "bbox": [ + 206, + 54, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/situation.mp4", + "variation_id": 0, + "video_id": "51940" + } + ] + }, + { + "gloss": "slave", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5245, + "frame_start": 5169, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52287" + }, + { + "bbox": [ + 31, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/481433.mp4", + "variation_id": 0, + "video_id": "52288" + }, + { + "bbox": [ + 668, + 78, + 1436, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Slave-cw23Oduap1Q.mp4", + "variation_id": 0, + "video_id": "52289" + }, + { + "bbox": [ + 654, + 56, + 1626, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Slavery%2C%20Slave-XXhdS40FyqU.mp4", + "variation_id": 0, + "video_id": "52290" + }, + { + "bbox": [ + 158, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767804.1619.mp4", + "variation_id": 0, + "video_id": "52291" + }, + { + "bbox": [ + 56, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/slave-labour.mp4", + "variation_id": 0, + "video_id": "52292" + }, + { + "bbox": [ + 66, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2783.mp4", + "variation_id": 0, + "video_id": "52293" + }, + { + "bbox": [ + 286, + 39, + 1052, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LUyUaFnF2vs", + "variation_id": 0, + "video_id": "52294" + }, + { + "bbox": [ + 0, + 8, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/slave.swf", + "variation_id": 0, + "video_id": "52295" + }, + { + "bbox": [ + 215, + 53, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/slave.mp4", + "variation_id": 0, + "video_id": "52296" + } + ] + }, + { + "gloss": "soccer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6052, + "frame_start": 6000, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52937" + }, + { + "bbox": [ + 226, + 38, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soccer.mp4", + "variation_id": 0, + "video_id": "52947" + }, + { + "bbox": [ + 195, + 44, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOCCER-1087.mp4", + "variation_id": 0, + "video_id": "66523" + }, + { + "bbox": [ + 359, + 33, + 775, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 60, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20soccer%202-mBkvizTYM24.mp4", + "variation_id": 0, + "video_id": "52940" + }, + { + "bbox": [ + 125, + 19, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/jsZG2RGnWVo", + "variation_id": 0, + "video_id": "67222" + }, + { + "bbox": [ + 127, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468775948.8926.mp4", + "variation_id": 0, + "video_id": "52941" + }, + { + "bbox": [ + 43, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/soccer.mp4", + "variation_id": 0, + "video_id": "52942" + }, + { + "bbox": [ + 56, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6417.mp4", + "variation_id": 0, + "video_id": "52943" + }, + { + "bbox": [ + 250, + 55, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=IWB--Bye4xE", + "variation_id": 0, + "video_id": "52944" + }, + { + "bbox": [ + 277, + 57, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mxirGErjjdI", + "variation_id": 0, + "video_id": "52945" + } + ] + }, + { + "gloss": "socks", + "instances": [ + { + "bbox": [ + 189, + 44, + 466, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOCKS-1093.mp4", + "variation_id": 0, + "video_id": "66527" + }, + { + "bbox": [ + 27, + 2, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/socks.swf", + "variation_id": 0, + "video_id": "53021" + }, + { + "bbox": [ + 246, + 39, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/socks.mp4", + "variation_id": 0, + "video_id": "53022" + }, + { + "bbox": [ + 42, + 14, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/65921.mp4", + "variation_id": 0, + "video_id": "53013" + }, + { + "bbox": [ + 122, + 20, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LCQKV2tDcww", + "variation_id": 0, + "video_id": "67225" + }, + { + "bbox": [ + 234, + 11, + 534, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/socks.mp4", + "variation_id": 0, + "video_id": "53014" + }, + { + "bbox": [ + 141, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776068.1665.mp4", + "variation_id": 0, + "video_id": "53015" + }, + { + "bbox": [ + 68, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8866.mp4", + "variation_id": 0, + "video_id": "53016" + }, + { + "bbox": [ + 341, + 35, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=arMsuswd_AM", + "variation_id": 0, + "video_id": "53017" + }, + { + "bbox": [ + 295, + 89, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=PYpdu4s_F8U", + "variation_id": 0, + "video_id": "53018" + } + ] + }, + { + "gloss": "solid", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6328, + "frame_start": 6289, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53152" + }, + { + "bbox": [ + 176, + 45, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOLID-263.mp4", + "variation_id": 0, + "video_id": "66528" + }, + { + "bbox": [ + 86, + 8, + 217, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 66, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/solid.mov", + "variation_id": 0, + "video_id": "53153" + }, + { + "bbox": [ + 53, + 16, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/310796.mp4", + "variation_id": 0, + "video_id": "53154" + }, + { + "bbox": [ + 44, + 19, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579638.8470.mp4", + "variation_id": 0, + "video_id": "53155" + }, + { + "bbox": [ + 65, + 14, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/solid.mp4", + "variation_id": 0, + "video_id": "53156" + }, + { + "bbox": [ + 56, + 18, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8597.mp4", + "variation_id": 0, + "video_id": "53157" + }, + { + "bbox": [ + 262, + 42, + 1029, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dPzfT3j08kI", + "variation_id": 0, + "video_id": "53158" + }, + { + "bbox": [ + 35, + 18, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/solid.swf", + "variation_id": 0, + "video_id": "53159" + }, + { + "bbox": [ + 192, + 51, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/solid.mp4", + "variation_id": 0, + "video_id": "53160" + } + ] + }, + { + "gloss": "sometimes", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6581, + "frame_start": 6529, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53239" + }, + { + "bbox": [ + 153, + 24, + 481, + 480 + ], + "fps": 25, + "frame_end": 4360, + "frame_start": 4267, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70035" + }, + { + "bbox": [ + 47, + 11, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63580.mp4", + "variation_id": 0, + "video_id": "53240" + }, + { + "bbox": [ + 370, + 43, + 796, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sometimes.mp4", + "variation_id": 0, + "video_id": "53241" + }, + { + "bbox": [ + 246, + 36, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sometimes-qYnUDm6Ztt8.mp4", + "variation_id": 0, + "video_id": "53242" + }, + { + "bbox": [ + 146, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468776472.7481.mp4", + "variation_id": 0, + "video_id": "53243" + }, + { + "bbox": [ + 111, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sometimes.mp4", + "variation_id": 0, + "video_id": "53244" + }, + { + "bbox": [ + 348, + 45, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=u6cQNKM4Dbs", + "variation_id": 0, + "video_id": "53245" + }, + { + "bbox": [ + 1, + 16, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/sometimes.swf", + "variation_id": 0, + "video_id": "53246" + }, + { + "bbox": [ + 212, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sometimes.mp4", + "variation_id": 0, + "video_id": "53247" + } + ] + }, + { + "gloss": "spider", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7497, + "frame_start": 7451, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53824" + }, + { + "bbox": [ + 186, + 15, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SP/SPIDER-787.mp4", + "variation_id": 0, + "video_id": "66546" + }, + { + "bbox": [ + 99, + 16, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 3, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bQQoICA5Ns8", + "variation_id": 0, + "video_id": "67233" + }, + { + "bbox": [ + 54, + 10, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/73379.mp4", + "variation_id": 0, + "video_id": "53825" + }, + { + "bbox": [ + 560, + 64, + 1655, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spider-UGF_mYiVCFY.mp4", + "variation_id": 0, + "video_id": "53826" + }, + { + "bbox": [ + 149, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468842470.9101.mp4", + "variation_id": 0, + "video_id": "53827" + }, + { + "bbox": [ + 83, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spider.mp4", + "variation_id": 0, + "video_id": "53828" + }, + { + "bbox": [ + 76, + 18, + 212, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6866.mp4", + "variation_id": 0, + "video_id": "53829" + }, + { + "bbox": [ + 0, + 9, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/spider.swf", + "variation_id": 0, + "video_id": "53830" + }, + { + "bbox": [ + 208, + 52, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spider.mp4", + "variation_id": 0, + "video_id": "53831" + } + ] + }, + { + "gloss": "spin", + "instances": [ + { + "bbox": [ + 46, + 13, + 243, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/spin.mov", + "variation_id": 0, + "video_id": "53872" + }, + { + "bbox": [ + 124, + 0, + 529, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/spinning-side.mp4", + "variation_id": 0, + "video_id": "53880" + }, + { + "bbox": [ + 62, + 13, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2847.mp4", + "variation_id": 0, + "video_id": "53881" + }, + { + "bbox": [ + 227, + 33, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6SWub9UV22Q", + "variation_id": 0, + "video_id": "53882" + }, + { + "bbox": [ + 33, + 4, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/245216.mp4", + "variation_id": 1, + "video_id": "53873" + }, + { + "bbox": [ + 462, + 120, + 1700, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spin%202-ibW3BtRlE0s.mp4", + "variation_id": 1, + "video_id": "53874" + }, + { + "bbox": [ + 669, + 119, + 1700, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spin%203-dswGbnTxweI.mp4", + "variation_id": 1, + "video_id": "53875" + }, + { + "bbox": [ + 667, + 122, + 1711, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spin%204-v7n9HAKM8fM.mp4", + "variation_id": 1, + "video_id": "53876" + }, + { + "bbox": [ + 566, + 88, + 1582, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spin-Ta86MrP4azc.mp4", + "variation_id": 0, + "video_id": "53878" + }, + { + "bbox": [ + 134, + 16, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1512918907.7866.mp4", + "variation_id": 1, + "video_id": "53879" + } + ] + }, + { + "gloss": "square", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7779, + "frame_start": 7727, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54168" + }, + { + "bbox": [ + 323, + 42, + 993, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=sE3m5FQ8xuQ", + "variation_id": 0, + "video_id": "54178" + }, + { + "bbox": [ + 0, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/square.swf", + "variation_id": 0, + "video_id": "54179" + }, + { + "bbox": [ + 43, + 16, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116998.mp4", + "variation_id": 0, + "video_id": "54170" + }, + { + "bbox": [ + 209, + 53, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/square.mp4", + "variation_id": 0, + "video_id": "54180" + }, + { + "bbox": [ + 520, + 76, + 1448, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Square-9UVYMsCJrwk.mp4", + "variation_id": 0, + "video_id": "54172" + }, + { + "bbox": [ + 125, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842803.8185.mp4", + "variation_id": 0, + "video_id": "54173" + }, + { + "bbox": [ + 118, + 3, + 469, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/square2.mp4", + "variation_id": 0, + "video_id": "54174" + }, + { + "bbox": [ + 74, + 8, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14756.mp4", + "variation_id": 0, + "video_id": "54176" + }, + { + "bbox": [ + 320, + 48, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oH40HXyN9wE", + "variation_id": 0, + "video_id": "54177" + } + ] + }, + { + "gloss": "stairs", + "instances": [ + { + "bbox": [ + 157, + 43, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STAIRS-1112.mp4", + "variation_id": 0, + "video_id": "66552" + }, + { + "bbox": [ + 56, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24297.mp4", + "variation_id": 0, + "video_id": "54302" + }, + { + "bbox": [ + 218, + 2, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7pas_QWHTJg", + "variation_id": 0, + "video_id": "54304" + }, + { + "bbox": [ + 296, + 86, + 835, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 65, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=94YvM5S9pbY", + "variation_id": 0, + "video_id": "54305" + }, + { + "bbox": [ + 377, + 54, + 800, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/stairs.mp4", + "variation_id": 0, + "video_id": "54296" + }, + { + "bbox": [ + 87, + 17, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/b1tzbYtZ4pg", + "variation_id": 0, + "video_id": "67238" + }, + { + "bbox": [ + 699, + 147, + 1530, + 1059 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Staircase-MJTtNwNfr38.mp4", + "variation_id": 0, + "video_id": "54297" + }, + { + "bbox": [ + 144, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468865985.9652.mp4", + "variation_id": 0, + "video_id": "54298" + }, + { + "bbox": [ + 7, + 0, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/stairs.mp4", + "variation_id": 0, + "video_id": "54299" + }, + { + "bbox": [ + 61, + 13, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24295.mp4", + "variation_id": 0, + "video_id": "54300" + } + ] + }, + { + "gloss": "stare", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8271, + "frame_start": 8165, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54419" + }, + { + "bbox": [ + 203, + 55, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stare.mp4", + "variation_id": 0, + "video_id": "54433" + }, + { + "bbox": [ + 92, + 36, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/94035.mp4", + "variation_id": 0, + "video_id": "54424" + }, + { + "bbox": [ + 762, + 96, + 1463, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stare%202-taymAMK2F10.mp4", + "variation_id": 0, + "video_id": "54425" + }, + { + "bbox": [ + 700, + 137, + 1498, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stare%2C%20Look-dVotgT8hoUs.mp4", + "variation_id": 0, + "video_id": "54426" + }, + { + "bbox": [ + 647, + 104, + 1362, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stare-MA8NJjKNoQc.mp4", + "variation_id": 0, + "video_id": "54427" + }, + { + "bbox": [ + 670, + 56, + 1426, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stare-ZQq9RUP4Llo.mp4", + "variation_id": 0, + "video_id": "54428" + }, + { + "bbox": [ + 123, + 0, + 494, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stare.mp4", + "variation_id": 0, + "video_id": "54430" + }, + { + "bbox": [ + 69, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/2/2877.mp4", + "variation_id": 0, + "video_id": "54431" + }, + { + "bbox": [ + 3, + 17, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stare.swf", + "variation_id": 0, + "video_id": "54432" + } + ] + }, + { + "gloss": "start", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8308, + "frame_start": 8272, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54454" + }, + { + "bbox": [ + 380, + 0, + 1133, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=MajuyiN7u3A", + "variation_id": 0, + "video_id": "68161" + }, + { + "bbox": [ + 112, + 14, + 542, + 360 + ], + "fps": 25, + "frame_end": 93, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=XvmBUfTbEQE", + "variation_id": 0, + "video_id": "69042" + }, + { + "bbox": [ + 54, + 10, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/77338.mp4", + "variation_id": 0, + "video_id": "54457" + }, + { + "bbox": [ + 89, + 8, + 401, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/EPVzUCy40Cs", + "variation_id": 0, + "video_id": "67242" + }, + { + "bbox": [ + 107, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468866356.8945.mp4", + "variation_id": 0, + "video_id": "54458" + }, + { + "bbox": [ + 0, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/start.mp4", + "variation_id": 0, + "video_id": "54460" + }, + { + "bbox": [ + 57, + 19, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8988.mp4", + "variation_id": 0, + "video_id": "54461" + }, + { + "bbox": [ + 38, + 6, + 1012, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=AEbhAlM_7Jo", + "variation_id": 0, + "video_id": "54462" + }, + { + "bbox": [ + 209, + 54, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/start.mp4", + "variation_id": 0, + "video_id": "54464" + } + ] + }, + { + "gloss": "store", + "instances": [ + { + "bbox": [ + 198, + 32, + 1055, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/store.mp4", + "variation_id": 0, + "video_id": "69489" + }, + { + "bbox": [ + 456, + 66, + 862, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/store.mp4", + "variation_id": 0, + "video_id": "54955" + }, + { + "bbox": [ + 282, + 37, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CPp1UOM-olA", + "variation_id": 0, + "video_id": "54963" + }, + { + "bbox": [ + 21, + 16, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/store.swf", + "variation_id": 0, + "video_id": "54964" + }, + { + "bbox": [ + 207, + 51, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/store2.mp4", + "variation_id": 0, + "video_id": "54965" + }, + { + "bbox": [ + 173, + 52, + 585, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/store.mp4", + "variation_id": 0, + "video_id": "54966" + }, + { + "bbox": [ + 223, + 5, + 640, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20store%202.mp4", + "variation_id": 0, + "video_id": "54956" + }, + { + "bbox": [ + 113, + 0, + 632, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896551.3640.mp4", + "variation_id": 0, + "video_id": "54957" + }, + { + "bbox": [ + 58, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/store.mp4", + "variation_id": 0, + "video_id": "54958" + }, + { + "bbox": [ + 50, + 15, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9198.mp4", + "variation_id": 0, + "video_id": "54962" + } + ] + }, + { + "gloss": "straw", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9319, + "frame_start": 9240, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55101" + }, + { + "bbox": [ + 203, + 54, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/straw.mp4", + "variation_id": 0, + "video_id": "55126" + }, + { + "bbox": [ + 74, + 13, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310760.mp4", + "variation_id": 0, + "video_id": "55117" + }, + { + "bbox": [ + 689, + 82, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Straw%202-XzUuSJICnAc.mp4", + "variation_id": 0, + "video_id": "55118" + }, + { + "bbox": [ + 779, + 71, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Straw-cssUfIwuCeM.mp4", + "variation_id": 0, + "video_id": "55119" + }, + { + "bbox": [ + 148, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468896825.4191.mp4", + "variation_id": 0, + "video_id": "55120" + }, + { + "bbox": [ + 102, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/straw-sip.mp4", + "variation_id": 0, + "video_id": "55121" + }, + { + "bbox": [ + 59, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14051.mp4", + "variation_id": 0, + "video_id": "55122" + }, + { + "bbox": [ + 85, + 17, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23741.mp4", + "variation_id": 0, + "video_id": "55123" + }, + { + "bbox": [ + 36, + 7, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/straw.swf", + "variation_id": 0, + "video_id": "55124" + } + ] + }, + { + "gloss": "structure", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9638, + "frame_start": 9566, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55287" + }, + { + "bbox": [ + 352, + 4, + 1066, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8Q2GcWyAIpc", + "variation_id": 0, + "video_id": "55296" + }, + { + "bbox": [ + 79, + 12, + 242, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/structure.mov", + "variation_id": 0, + "video_id": "55288" + }, + { + "bbox": [ + 63, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/155640.mp4", + "variation_id": 0, + "video_id": "55289" + }, + { + "bbox": [ + 475, + 51, + 1759, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Structure%20outward-mskVI84zUlk.mp4", + "variation_id": 0, + "video_id": "55290" + }, + { + "bbox": [ + 597, + 79, + 1591, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Structure-khAcCs68Fis.mp4", + "variation_id": 0, + "video_id": "55291" + }, + { + "bbox": [ + 84, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897253.6897.mp4", + "variation_id": 0, + "video_id": "55292" + }, + { + "bbox": [ + 75, + 10, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/structure.mp4", + "variation_id": 0, + "video_id": "55293" + }, + { + "bbox": [ + 31, + 9, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/3/3447.mp4", + "variation_id": 0, + "video_id": "55294" + }, + { + "bbox": [ + 49, + 12, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5136.mp4", + "variation_id": 0, + "video_id": "55295" + } + ] + }, + { + "gloss": "suggest", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10236, + "frame_start": 10180, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55669" + }, + { + "bbox": [ + 673, + 68, + 1651, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Suggest-1Z4FMOp3kWU.mp4", + "variation_id": 0, + "video_id": "55670" + }, + { + "bbox": [ + 671, + 47, + 1650, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Suggest%2C%20Offer-1q9N-UATWJQ.mp4", + "variation_id": 0, + "video_id": "55671" + }, + { + "bbox": [ + 820, + 42, + 1722, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Suggest%2C%20Recommend-DaJNwl2HA2A.mp4", + "variation_id": 0, + "video_id": "55672" + }, + { + "bbox": [ + 145, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897839.6509.mp4", + "variation_id": 0, + "video_id": "55673" + }, + { + "bbox": [ + 47, + 7, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/suggest.mp4", + "variation_id": 0, + "video_id": "55674" + }, + { + "bbox": [ + 63, + 8, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14242.mp4", + "variation_id": 0, + "video_id": "55675" + }, + { + "bbox": [ + 161, + 11, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rcFqIu5BZiY", + "variation_id": 0, + "video_id": "55676" + }, + { + "bbox": [ + 10, + 13, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/suggest.swf", + "variation_id": 0, + "video_id": "55677" + }, + { + "bbox": [ + 201, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suggest.mp4", + "variation_id": 0, + "video_id": "55678" + } + ] + }, + { + "gloss": "sun", + "instances": [ + { + "bbox": [ + 204, + 29, + 1032, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fnYd3XHdEPI", + "variation_id": 0, + "video_id": "55810" + }, + { + "bbox": [ + 73, + 8, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/sun.mov", + "variation_id": 0, + "video_id": "55803" + }, + { + "bbox": [ + 72, + 28, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Cz2vu4QnbAA", + "variation_id": 0, + "video_id": "67261" + }, + { + "bbox": [ + 0, + 2, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/sun.swf", + "variation_id": 0, + "video_id": "55813" + }, + { + "bbox": [ + 183, + 36, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sun.mp4", + "variation_id": 0, + "video_id": "55814" + }, + { + "bbox": [ + 345, + 58, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sun.mp4", + "variation_id": 0, + "video_id": "55804" + }, + { + "bbox": [ + 461, + 36, + 1140, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Sun.mp4", + "variation_id": 0, + "video_id": "55805" + }, + { + "bbox": [ + 78, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897969.663.mp4", + "variation_id": 0, + "video_id": "55806" + }, + { + "bbox": [ + 52, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/sun.mp4", + "variation_id": 0, + "video_id": "55807" + }, + { + "bbox": [ + 33, + 0, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14886.mp4", + "variation_id": 0, + "video_id": "55808" + } + ] + }, + { + "gloss": "support", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10556, + "frame_start": 10514, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55970" + }, + { + "bbox": [ + 70, + 20, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/306754.mp4", + "variation_id": 0, + "video_id": "55976" + }, + { + "bbox": [ + 443, + 59, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/support.mp4", + "variation_id": 0, + "video_id": "55977" + }, + { + "bbox": [ + 304, + 28, + 1678, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Support-CsRpGinNgfs.mp4", + "variation_id": 0, + "video_id": "55978" + }, + { + "bbox": [ + 163, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898259.9545.mp4", + "variation_id": 0, + "video_id": "55979" + }, + { + "bbox": [ + 64, + 9, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/support.mp4", + "variation_id": 0, + "video_id": "55980" + }, + { + "bbox": [ + 83, + 25, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22974.mp4", + "variation_id": 0, + "video_id": "55981" + }, + { + "bbox": [ + 314, + 38, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zIPyWpDlY24", + "variation_id": 0, + "video_id": "55982" + }, + { + "bbox": [ + 12, + 2, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/support.swf", + "variation_id": 0, + "video_id": "55983" + }, + { + "bbox": [ + 246, + 39, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/advocate.mp4", + "variation_id": 0, + "video_id": "55984" + } + ] + }, + { + "gloss": "suppose", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10599, + "frame_start": 10557, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55993" + }, + { + "bbox": [ + 349, + 41, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/suppose.mp4", + "variation_id": 0, + "video_id": "69497" + }, + { + "bbox": [ + 176, + 16, + 492, + 480 + ], + "fps": 25, + "frame_end": 4320, + "frame_start": 4203, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70120" + }, + { + "bbox": [ + 155, + 5, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468898281.6570.mp4", + "variation_id": 0, + "video_id": "55996" + }, + { + "bbox": [ + 155, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/suppose-if.mp4", + "variation_id": 0, + "video_id": "55998" + }, + { + "bbox": [ + 79, + 22, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22847.mp4", + "variation_id": 0, + "video_id": "55999" + }, + { + "bbox": [ + 237, + 0, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7ja4OVXBVWI", + "variation_id": 0, + "video_id": "56000" + }, + { + "bbox": [ + 237, + 0, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7ja4OVXBVWI", + "variation_id": 0, + "video_id": "56001" + }, + { + "bbox": [ + 13, + 12, + 191, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/suppose.swf", + "variation_id": 0, + "video_id": "56002" + }, + { + "bbox": [ + 188, + 61, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/if.mp4", + "variation_id": 0, + "video_id": "56003" + } + ] + }, + { + "gloss": "sure", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10646, + "frame_start": 10600, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56025" + }, + { + "bbox": [ + 34, + 20, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sure.swf", + "variation_id": 0, + "video_id": "56037" + }, + { + "bbox": [ + 197, + 46, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/absolute.mp4", + "variation_id": 0, + "video_id": "56038" + }, + { + "bbox": [ + 45, + 16, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/89963.mp4", + "variation_id": 0, + "video_id": "56029" + }, + { + "bbox": [ + 113, + 18, + 340, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gCFvolL22xg", + "variation_id": 0, + "video_id": "67265" + }, + { + "bbox": [ + 781, + 58, + 1646, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sure%2C%20True-wBZSWnlg3-g.mp4", + "variation_id": 0, + "video_id": "56030" + }, + { + "bbox": [ + 151, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898314.4310.mp4", + "variation_id": 0, + "video_id": "56031" + }, + { + "bbox": [ + 139, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sure.mp4", + "variation_id": 0, + "video_id": "56033" + }, + { + "bbox": [ + 76, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8885.mp4", + "variation_id": 0, + "video_id": "56035" + }, + { + "bbox": [ + 321, + 59, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5buYOQR51yU", + "variation_id": 0, + "video_id": "56036" + } + ] + }, + { + "gloss": "surprise", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10882, + "frame_start": 10836, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56099" + }, + { + "bbox": [ + 166, + 25, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SU/SURPRISE-611.mp4", + "variation_id": 0, + "video_id": "66583" + }, + { + "bbox": [ + 673, + 76, + 1645, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Surprise-1CDGmjKYhVM.mp4", + "variation_id": 0, + "video_id": "56105" + }, + { + "bbox": [ + 100, + 16, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/7CVKZ75Q-Rg", + "variation_id": 0, + "video_id": "67267" + }, + { + "bbox": [ + 356, + 0, + 1380, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Surprised-xgDaAWyAlJ0.mp4", + "variation_id": 0, + "video_id": "56106" + }, + { + "bbox": [ + 140, + 0, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468898419.1570.mp4", + "variation_id": 0, + "video_id": "56107" + }, + { + "bbox": [ + 52, + 13, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22157.mp4", + "variation_id": 0, + "video_id": "56108" + }, + { + "bbox": [ + 319, + 27, + 1037, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yI9TVB-bw-s", + "variation_id": 0, + "video_id": "56109" + }, + { + "bbox": [ + 13, + 14, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/surprise.swf", + "variation_id": 0, + "video_id": "56110" + }, + { + "bbox": [ + 167, + 47, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alert.mp4", + "variation_id": 0, + "video_id": "56111" + } + ] + }, + { + "gloss": "sweater", + "instances": [ + { + "bbox": [ + 222, + 35, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sweater.mp4", + "variation_id": 0, + "video_id": "56254" + }, + { + "bbox": [ + 121, + 21, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SW/SWEATER-336.mp4", + "variation_id": 0, + "video_id": "66584" + }, + { + "bbox": [ + 60, + 12, + 438, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/WpZFBDjGK5U", + "variation_id": 0, + "video_id": "67271" + }, + { + "bbox": [ + 398, + 54, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sweater.mp4", + "variation_id": 0, + "video_id": "56247" + }, + { + "bbox": [ + 704, + 60, + 1644, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sweater-jNjbA7Cj1xE.mp4", + "variation_id": 0, + "video_id": "56248" + }, + { + "bbox": [ + 114, + 0, + 625, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468898608.7473.mp4", + "variation_id": 0, + "video_id": "56249" + }, + { + "bbox": [ + 175, + 29, + 553, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sweater.mp4", + "variation_id": 0, + "video_id": "56250" + }, + { + "bbox": [ + 59, + 8, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9585.mp4", + "variation_id": 0, + "video_id": "56251" + }, + { + "bbox": [ + 166, + 79, + 1069, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=SMyvuwhWj1A", + "variation_id": 0, + "video_id": "56252" + }, + { + "bbox": [ + 22, + 5, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sweater.swf", + "variation_id": 0, + "video_id": "56253" + } + ] + }, + { + "gloss": "swim", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11288, + "frame_start": 11212, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56340" + }, + { + "bbox": [ + 67, + 21, + 618, + 480 + ], + "fps": 25, + "frame_end": 7639, + "frame_start": 7525, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70178" + }, + { + "bbox": [ + 194, + 0, + 1222, + 720 + ], + "fps": 25, + "frame_end": 80, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=wUQN0AbuHF4", + "variation_id": 0, + "video_id": "69010" + }, + { + "bbox": [ + 483, + 43, + 1628, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Swim%2C%20DIg-FInh6tEypD8.mp4", + "variation_id": 0, + "video_id": "56341" + }, + { + "bbox": [ + 50, + 0, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14888.mp4", + "variation_id": 0, + "video_id": "56343" + }, + { + "bbox": [ + 38, + 0, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14889.mp4", + "variation_id": 0, + "video_id": "56344" + }, + { + "bbox": [ + 168, + 57, + 1168, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 62, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=5tVeEQgUoHg", + "variation_id": 0, + "video_id": "56345" + }, + { + "bbox": [ + 211, + 32, + 1059, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=O_61C7CWXBQ", + "variation_id": 0, + "video_id": "56346" + }, + { + "bbox": [ + 0, + 11, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/swim.swf", + "variation_id": 0, + "video_id": "56347" + }, + { + "bbox": [ + 217, + 38, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/swim.mp4", + "variation_id": 0, + "video_id": "56348" + } + ] + }, + { + "gloss": "symbol", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11408, + "frame_start": 11362, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56460" + }, + { + "bbox": [ + 379, + 46, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-xt8_abupnk", + "variation_id": 0, + "video_id": "56468" + }, + { + "bbox": [ + 85, + 4, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZNc2061OHBg", + "variation_id": 0, + "video_id": "56469" + }, + { + "bbox": [ + 199, + 57, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/symbol.mp4", + "variation_id": 0, + "video_id": "56471" + }, + { + "bbox": [ + 95, + 9, + 242, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/symbol.mov", + "variation_id": 0, + "video_id": "56461" + }, + { + "bbox": [ + 52, + 6, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/62894.mp4", + "variation_id": 0, + "video_id": "56462" + }, + { + "bbox": [ + 707, + 27, + 1686, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Symbol%202-2kdwnL3u1Ec.mp4", + "variation_id": 0, + "video_id": "56463" + }, + { + "bbox": [ + 687, + 10, + 1683, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Symbol%203-4GKGvQ-1Das.mp4", + "variation_id": 0, + "video_id": "56464" + }, + { + "bbox": [ + 710, + 44, + 1708, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Symbol-5n3yzBiV12U.mp4", + "variation_id": 0, + "video_id": "56465" + }, + { + "bbox": [ + 112, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/symbol.mp4", + "variation_id": 0, + "video_id": "56466" + } + ] + }, + { + "gloss": "taste", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 416, + "frame_start": 344, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56969" + }, + { + "bbox": [ + 74, + 34, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91652.mp4", + "variation_id": 0, + "video_id": "56970" + }, + { + "bbox": [ + 341, + 20, + 768, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Prefer-nLtz9pXc23A.mp4", + "variation_id": 0, + "video_id": "56971" + }, + { + "bbox": [ + 111, + 9, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468463740.5539.mp4", + "variation_id": 0, + "video_id": "56972" + }, + { + "bbox": [ + 160, + 11, + 614, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546377429.2095.mp4", + "variation_id": 0, + "video_id": "56973" + }, + { + "bbox": [ + 147, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/taste.mp4", + "variation_id": 0, + "video_id": "56974" + }, + { + "bbox": [ + 87, + 19, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22562.mp4", + "variation_id": 0, + "video_id": "56975" + }, + { + "bbox": [ + 397, + 72, + 880, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=SflmAnGm4JA", + "variation_id": 0, + "video_id": "56976" + }, + { + "bbox": [ + 39, + 17, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/taste.swf", + "variation_id": 0, + "video_id": "56977" + }, + { + "bbox": [ + 193, + 54, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/prefer.mp4", + "variation_id": 0, + "video_id": "56978" + } + ] + }, + { + "gloss": "team", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 612, + "frame_start": 573, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57089" + }, + { + "bbox": [ + 4, + 12, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/team.swf", + "variation_id": 0, + "video_id": "57098" + }, + { + "bbox": [ + 205, + 53, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/team.mp4", + "variation_id": 0, + "video_id": "57099" + }, + { + "bbox": [ + 57, + 11, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/153745.mp4", + "variation_id": 0, + "video_id": "57090" + }, + { + "bbox": [ + 219, + 15, + 536, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/team.mp4", + "variation_id": 0, + "video_id": "57091" + }, + { + "bbox": [ + 467, + 34, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Team.mp4", + "variation_id": 0, + "video_id": "57092" + }, + { + "bbox": [ + 133, + 13, + 625, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1545932789.686.mp4", + "variation_id": 0, + "video_id": "57093" + }, + { + "bbox": [ + 105, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/team.mp4", + "variation_id": 0, + "video_id": "57094" + }, + { + "bbox": [ + 76, + 11, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6426.mp4", + "variation_id": 0, + "video_id": "57096" + }, + { + "bbox": [ + 165, + 4, + 1041, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GIwg3-xBDpE", + "variation_id": 0, + "video_id": "57097" + } + ] + }, + { + "gloss": "telephone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 792, + "frame_start": 740, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57235" + }, + { + "bbox": [ + 131, + 8, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/n2Q2JLRIunM", + "variation_id": 0, + "video_id": "67286" + }, + { + "bbox": [ + 36, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51133.mp4", + "variation_id": 0, + "video_id": "57236" + }, + { + "bbox": [ + 223, + 15, + 524, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/telephone.mp4", + "variation_id": 0, + "video_id": "57237" + }, + { + "bbox": [ + 487, + 96, + 1005, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Phone.mp4", + "variation_id": 0, + "video_id": "57238" + }, + { + "bbox": [ + 80, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468943680.5248.mp4", + "variation_id": 0, + "video_id": "57239" + }, + { + "bbox": [ + 112, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/telephone.mp4", + "variation_id": 0, + "video_id": "57240" + }, + { + "bbox": [ + 58, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7254.mp4", + "variation_id": 0, + "video_id": "57241" + }, + { + "bbox": [ + 16, + 0, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 84, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/telephone.swf", + "variation_id": 0, + "video_id": "57242" + }, + { + "bbox": [ + 170, + 53, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/phone.mp4", + "variation_id": 0, + "video_id": "57243" + } + ] + }, + { + "gloss": "tennis", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1138, + "frame_start": 1086, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57408" + }, + { + "bbox": [ + 42, + 27, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/87674.mp4", + "variation_id": 0, + "video_id": "57410" + }, + { + "bbox": [ + 63, + 6, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CjPLYpt1qQU", + "variation_id": 0, + "video_id": "67289" + }, + { + "bbox": [ + 329, + 55, + 834, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tennis.mp4", + "variation_id": 0, + "video_id": "57411" + }, + { + "bbox": [ + 511, + 60, + 1662, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tennis-Tz5AvyY_jPI.mp4", + "variation_id": 0, + "video_id": "57412" + }, + { + "bbox": [ + 133, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468943896.789.mp4", + "variation_id": 0, + "video_id": "57413" + }, + { + "bbox": [ + 34, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tennis.mp4", + "variation_id": 0, + "video_id": "57414" + }, + { + "bbox": [ + 8, + 13, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6430.mp4", + "variation_id": 0, + "video_id": "57415" + }, + { + "bbox": [ + 6, + 21, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/tennis.swf", + "variation_id": 0, + "video_id": "57416" + }, + { + "bbox": [ + 96, + 53, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tennis.mp4", + "variation_id": 0, + "video_id": "57417" + } + ] + }, + { + "gloss": "their", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1648, + "frame_start": 1606, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57724" + }, + { + "bbox": [ + 0, + 16, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/their.swf", + "variation_id": 0, + "video_id": "57733" + }, + { + "bbox": [ + 27, + 23, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90017.mp4", + "variation_id": 0, + "video_id": "57725" + }, + { + "bbox": [ + 124, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468944327.8605.mp4", + "variation_id": 0, + "video_id": "57726" + }, + { + "bbox": [ + 2, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/their.mp4", + "variation_id": 0, + "video_id": "57727" + }, + { + "bbox": [ + 70, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7201.mp4", + "variation_id": 0, + "video_id": "57728" + }, + { + "bbox": [ + 51, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7202.mp4", + "variation_id": 0, + "video_id": "57729" + }, + { + "bbox": [ + 73, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8638.mp4", + "variation_id": 0, + "video_id": "57730" + }, + { + "bbox": [ + 45, + 39, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=1WVL-cc4-TY", + "variation_id": 0, + "video_id": "57731" + }, + { + "bbox": [ + 187, + 8, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YibcX4wyVtI", + "variation_id": 0, + "video_id": "57732" + } + ] + }, + { + "gloss": "then", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1838, + "frame_start": 1799, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57769" + }, + { + "bbox": [ + 225, + 39, + 990, + 720 + ], + "fps": 25, + "frame_end": 90, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=IHTrMqlHXb8", + "variation_id": 0, + "video_id": "68550" + }, + { + "bbox": [ + 154, + 32, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THEN-1202.mp4", + "variation_id": 0, + "video_id": "66602" + }, + { + "bbox": [ + 681, + 55, + 1663, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Then-bqy5h4LCHjw.mp4", + "variation_id": 0, + "video_id": "57771" + }, + { + "bbox": [ + 154, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944464.4589.mp4", + "variation_id": 0, + "video_id": "57772" + }, + { + "bbox": [ + 113, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/then.mp4", + "variation_id": 0, + "video_id": "57773" + }, + { + "bbox": [ + 64, + 10, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14206.mp4", + "variation_id": 0, + "video_id": "57774" + }, + { + "bbox": [ + 348, + 36, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pd-ytqV5C_c", + "variation_id": 0, + "video_id": "57775" + }, + { + "bbox": [ + 12, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/then.swf", + "variation_id": 0, + "video_id": "57776" + }, + { + "bbox": [ + 178, + 53, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/or.mp4", + "variation_id": 0, + "video_id": "57777" + } + ] + }, + { + "gloss": "thermometer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2096, + "frame_start": 2030, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57837" + }, + { + "bbox": [ + 2, + 4, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/thermometer_ear.swf", + "variation_id": 0, + "video_id": "57846" + }, + { + "bbox": [ + 67, + 18, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/yrpbdl8GadM", + "variation_id": 0, + "video_id": "67295" + }, + { + "bbox": [ + 171, + 53, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/temperature.mp4", + "variation_id": 0, + "video_id": "57849" + }, + { + "bbox": [ + 156, + 53, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/thermometer2.mp4", + "variation_id": 0, + "video_id": "57850" + }, + { + "bbox": [ + 27, + 4, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/481440.mp4", + "variation_id": 0, + "video_id": "57840" + }, + { + "bbox": [ + 28, + 12, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/thermometer.mp4", + "variation_id": 0, + "video_id": "57841" + }, + { + "bbox": [ + 69, + 10, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14159.mp4", + "variation_id": 0, + "video_id": "57842" + }, + { + "bbox": [ + 59, + 12, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14160.mp4", + "variation_id": 0, + "video_id": "57843" + } + ] + }, + { + "gloss": "thing", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2229, + "frame_start": 2197, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57921" + }, + { + "bbox": [ + 181, + 24, + 1070, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/thing.mp4", + "variation_id": 1, + "video_id": "69504" + }, + { + "bbox": [ + 163, + 30, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THING-1210.mp4", + "variation_id": 1, + "video_id": "66608" + }, + { + "bbox": [ + 14, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50887.mp4", + "variation_id": 1, + "video_id": "57922" + }, + { + "bbox": [ + 119, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944737.8758.mp4", + "variation_id": 1, + "video_id": "57923" + }, + { + "bbox": [ + 38, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/thing.mp4", + "variation_id": 0, + "video_id": "57924" + }, + { + "bbox": [ + 34, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7425.mp4", + "variation_id": 0, + "video_id": "57925" + }, + { + "bbox": [ + 282, + 8, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OPu_3piG0hc", + "variation_id": 1, + "video_id": "57926" + }, + { + "bbox": [ + 0, + 9, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/thing.swf", + "variation_id": 0, + "video_id": "57927" + }, + { + "bbox": [ + 151, + 53, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/thing.mp4", + "variation_id": 0, + "video_id": "57928" + } + ] + }, + { + "gloss": "third", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2319, + "frame_start": 2277, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58000" + }, + { + "bbox": [ + 90, + 18, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8419.mp4", + "variation_id": 0, + "video_id": "58013" + }, + { + "bbox": [ + 69, + 10, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9699.mp4", + "variation_id": 0, + "video_id": "58014" + }, + { + "bbox": [ + 161, + 33, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THIRD-1213.mp4", + "variation_id": 0, + "video_id": "66614" + }, + { + "bbox": [ + 2, + 15, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/third.swf", + "variation_id": 0, + "video_id": "58015" + }, + { + "bbox": [ + 160, + 53, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/third.mp4", + "variation_id": 0, + "video_id": "58016" + }, + { + "bbox": [ + 103, + 34, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1553871421.2416.mp4", + "variation_id": 0, + "video_id": "58006" + }, + { + "bbox": [ + 0, + 0, + 312, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/third.mp4", + "variation_id": 0, + "video_id": "58007" + }, + { + "bbox": [ + 63, + 14, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7650.mp4", + "variation_id": 0, + "video_id": "58008" + }, + { + "bbox": [ + 70, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7656.mp4", + "variation_id": 0, + "video_id": "58009" + } + ] + }, + { + "gloss": "thousand", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2472, + "frame_start": 2420, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58131" + }, + { + "bbox": [ + 478, + 38, + 1314, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 105, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THOUSAND-2682.mp4", + "variation_id": 0, + "video_id": "66629" + }, + { + "bbox": [ + 48, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50883.mp4", + "variation_id": 0, + "video_id": "58132" + }, + { + "bbox": [ + 129, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468945027.3640.mp4", + "variation_id": 0, + "video_id": "58133" + }, + { + "bbox": [ + 55, + 12, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/six-thousand.mp4", + "variation_id": 0, + "video_id": "58134" + }, + { + "bbox": [ + 74, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/thousand.mp4", + "variation_id": 0, + "video_id": "58135" + }, + { + "bbox": [ + 87, + 14, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/12/12000.mp4", + "variation_id": 0, + "video_id": "58136" + }, + { + "bbox": [ + 71, + 17, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/12/12004.mp4", + "variation_id": 0, + "video_id": "58137" + }, + { + "bbox": [ + 0, + 17, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/thousand.swf", + "variation_id": 0, + "video_id": "58138" + }, + { + "bbox": [ + 168, + 54, + 529, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/thousand.mp4", + "variation_id": 0, + "video_id": "58139" + } + ] + }, + { + "gloss": "three", + "instances": [ + { + "bbox": [ + 234, + 42, + 871, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/three.mp4", + "variation_id": 0, + "video_id": "69508" + }, + { + "bbox": [ + 176, + 33, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THREE-1216.mp4", + "variation_id": 0, + "video_id": "66630" + }, + { + "bbox": [ + 44, + 2, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58560.mp4", + "variation_id": 0, + "video_id": "58182" + }, + { + "bbox": [ + 102, + 14, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/PTTpt8y-AjE", + "variation_id": 0, + "video_id": "67304" + }, + { + "bbox": [ + 691, + 108, + 1499, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%203-ob_nKsit-Lw.mp4", + "variation_id": 0, + "video_id": "58183" + }, + { + "bbox": [ + 38, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/three2.mp4", + "variation_id": 0, + "video_id": "58184" + }, + { + "bbox": [ + 83, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11003.mp4", + "variation_id": 0, + "video_id": "58185" + }, + { + "bbox": [ + 82, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/13/13003.mp4", + "variation_id": 0, + "video_id": "58186" + }, + { + "bbox": [ + 0, + 18, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/three.swf", + "variation_id": 0, + "video_id": "58187" + }, + { + "bbox": [ + 170, + 52, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/three.mp4", + "variation_id": 0, + "video_id": "58188" + } + ] + }, + { + "gloss": "tie", + "instances": [ + { + "bbox": [ + 142, + 31, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TI/TIE-1231.mp4", + "variation_id": 0, + "video_id": "66642" + }, + { + "bbox": [ + 105, + 0, + 1178, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=DxLCSLT_81E", + "variation_id": 0, + "video_id": "68169" + }, + { + "bbox": [ + 99, + 32, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1523502643.9246.mp4", + "variation_id": 0, + "video_id": "58430" + }, + { + "bbox": [ + 55, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/tie-knot.mp4", + "variation_id": 0, + "video_id": "58432" + }, + { + "bbox": [ + 69, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6248.mp4", + "variation_id": 0, + "video_id": "58434" + }, + { + "bbox": [ + 77, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6805.mp4", + "variation_id": 0, + "video_id": "58435" + }, + { + "bbox": [ + 5, + 17, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tie.swf", + "variation_id": 0, + "video_id": "58437" + }, + { + "bbox": [ + 175, + 52, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tie.mp4", + "variation_id": 0, + "video_id": "58439" + }, + { + "bbox": [ + 442, + 116, + 1738, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tie-wXvFcRGfyVg.mp4", + "variation_id": 0, + "video_id": "58427" + }, + { + "bbox": [ + 78, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945280.2664.mp4", + "variation_id": 0, + "video_id": "58428" + } + ] + }, + { + "gloss": "topic", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4128, + "frame_start": 4096, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58945" + }, + { + "bbox": [ + 565, + 48, + 1384, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOPIC-564.mp4", + "variation_id": 0, + "video_id": "66659" + }, + { + "bbox": [ + 72, + 5, + 237, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/topic.mov", + "variation_id": 0, + "video_id": "58946" + }, + { + "bbox": [ + 33, + 2, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58564.mp4", + "variation_id": 0, + "video_id": "58947" + }, + { + "bbox": [ + 563, + 50, + 1602, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Topic-sUR-cBkIMzg.mp4", + "variation_id": 0, + "video_id": "58948" + }, + { + "bbox": [ + 92, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468944422.285.mp4", + "variation_id": 0, + "video_id": "58949" + }, + { + "bbox": [ + 83, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/topic.mp4", + "variation_id": 0, + "video_id": "58950" + }, + { + "bbox": [ + 57, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8622.mp4", + "variation_id": 0, + "video_id": "58951" + }, + { + "bbox": [ + 2, + 14, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/topic.swf", + "variation_id": 0, + "video_id": "58952" + }, + { + "bbox": [ + 179, + 63, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quote.mp4", + "variation_id": 0, + "video_id": "58953" + } + ] + }, + { + "gloss": "touch", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4351, + "frame_start": 4315, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59044" + }, + { + "bbox": [ + 123, + 31, + 291, + 240 + ], + "fps": 25, + "frame_end": 5536, + "frame_start": 5454, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70327" + }, + { + "bbox": [ + 52, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50914.mp4", + "variation_id": 0, + "video_id": "59051" + }, + { + "bbox": [ + 673, + 76, + 1724, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Touch-i4tS5485RPo.mp4", + "variation_id": 0, + "video_id": "59052" + }, + { + "bbox": [ + 148, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946222.4313.mp4", + "variation_id": 0, + "video_id": "59053" + }, + { + "bbox": [ + 90, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/touch.mp4", + "variation_id": 0, + "video_id": "59054" + }, + { + "bbox": [ + 79, + 24, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22598.mp4", + "variation_id": 0, + "video_id": "59055" + }, + { + "bbox": [ + 278, + 32, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZF9qBf02iE0", + "variation_id": 0, + "video_id": "59056" + }, + { + "bbox": [ + 25, + 19, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/touch.swf", + "variation_id": 0, + "video_id": "59057" + }, + { + "bbox": [ + 178, + 54, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/touch.mp4", + "variation_id": 0, + "video_id": "59058" + } + ] + }, + { + "gloss": "tournament", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4441, + "frame_start": 4389, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59102" + }, + { + "bbox": [ + 68, + 9, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/2A6XaeRmBzA", + "variation_id": 0, + "video_id": "67318" + }, + { + "bbox": [ + 56, + 27, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/87680.mp4", + "variation_id": 0, + "video_id": "59103" + }, + { + "bbox": [ + 586, + 24, + 1674, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tournament%202-o09Bh-Uog0w.mp4", + "variation_id": 0, + "video_id": "59104" + }, + { + "bbox": [ + 641, + 38, + 1735, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tournament%203-a26oi9k4tIg.mp4", + "variation_id": 0, + "video_id": "59105" + }, + { + "bbox": [ + 437, + 66, + 1910, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tournament-duWzaaPuY5I.mp4", + "variation_id": 0, + "video_id": "59106" + }, + { + "bbox": [ + 125, + 38, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1513525099.4570.mp4", + "variation_id": 0, + "video_id": "59107" + }, + { + "bbox": [ + 24, + 10, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/460.mp4", + "variation_id": 0, + "video_id": "59108" + }, + { + "bbox": [ + 10, + 18, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/tournament.swf", + "variation_id": 0, + "video_id": "59109" + }, + { + "bbox": [ + 197, + 46, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tournament.mp4", + "variation_id": 0, + "video_id": "59110" + } + ] + }, + { + "gloss": "try", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5422, + "frame_start": 5380, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59847" + }, + { + "bbox": [ + 224, + 37, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/attempt.mp4", + "variation_id": 0, + "video_id": "59854" + }, + { + "bbox": [ + 134, + 34, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRY-1322.mp4", + "variation_id": 0, + "video_id": "66680" + }, + { + "bbox": [ + 196, + 39, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRY-2080.mp4", + "variation_id": 0, + "video_id": "66681" + }, + { + "bbox": [ + 99, + 14, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Im7FVBBGhmk", + "variation_id": 0, + "video_id": "67327" + }, + { + "bbox": [ + 35, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51161.mp4", + "variation_id": 0, + "video_id": "59848" + }, + { + "bbox": [ + 123, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947560.695.mp4", + "variation_id": 0, + "video_id": "59849" + }, + { + "bbox": [ + 35, + 14, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/try.mp4", + "variation_id": 0, + "video_id": "59850" + }, + { + "bbox": [ + 42, + 10, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9728.mp4", + "variation_id": 0, + "video_id": "59851" + }, + { + "bbox": [ + 15, + 8, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/try.swf", + "variation_id": 0, + "video_id": "59853" + } + ] + }, + { + "gloss": "two", + "instances": [ + { + "bbox": [ + 252, + 42, + 872, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/two.mp4", + "variation_id": 0, + "video_id": "69521" + }, + { + "bbox": [ + 48, + 7, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58570.mp4", + "variation_id": 0, + "video_id": "60220" + }, + { + "bbox": [ + 113, + 26, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qwAqhQ4f0rk", + "variation_id": 0, + "video_id": "67331" + }, + { + "bbox": [ + 698, + 111, + 1527, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%202-134Blu6daD8.mp4", + "variation_id": 0, + "video_id": "60221" + }, + { + "bbox": [ + 42, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/two2.mp4", + "variation_id": 0, + "video_id": "60222" + }, + { + "bbox": [ + 43, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/two.mp4", + "variation_id": 0, + "video_id": "60223" + }, + { + "bbox": [ + 84, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11002.mp4", + "variation_id": 0, + "video_id": "60224" + }, + { + "bbox": [ + 81, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/13/13002.mp4", + "variation_id": 0, + "video_id": "60225" + }, + { + "bbox": [ + 0, + 18, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/two.swf", + "variation_id": 0, + "video_id": "60226" + }, + { + "bbox": [ + 184, + 48, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/two.mp4", + "variation_id": 0, + "video_id": "60227" + } + ] + }, + { + "gloss": "type", + "instances": [ + { + "bbox": [ + 612, + 134, + 1470, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Keyboard%2C%20Type-JEQsxWCYHMM.mp4", + "variation_id": 0, + "video_id": "60304" + }, + { + "bbox": [ + 96, + 9, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Tv_ZX3Nr64w", + "variation_id": 1, + "video_id": "67332" + }, + { + "bbox": [ + 79, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468947799.3524.mp4", + "variation_id": 1, + "video_id": "60305" + }, + { + "bbox": [ + 104, + 1, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/type-keyboard.mp4", + "variation_id": 0, + "video_id": "60306" + }, + { + "bbox": [ + 93, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/type-kind.mp4", + "variation_id": 1, + "video_id": "60307" + }, + { + "bbox": [ + 78, + 22, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22132.mp4", + "variation_id": 0, + "video_id": "60308" + }, + { + "bbox": [ + 62, + 11, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9687.mp4", + "variation_id": 1, + "video_id": "60309" + }, + { + "bbox": [ + 333, + 55, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UH-qWTMZrTM", + "variation_id": 0, + "video_id": "60310" + }, + { + "bbox": [ + 0, + 4, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/type.swf", + "variation_id": 1, + "video_id": "60311" + }, + { + "bbox": [ + 179, + 52, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/type.mp4", + "variation_id": 0, + "video_id": "60312" + } + ] + }, + { + "gloss": "umbrella", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 136, + "frame_start": 94, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60378" + }, + { + "bbox": [ + 157, + 34, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 107, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/UM/UMBRELLA-395.mp4", + "variation_id": 0, + "video_id": "66699" + }, + { + "bbox": [ + 91, + 21, + 430, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7ep5eRb5xvA", + "variation_id": 0, + "video_id": "67333" + }, + { + "bbox": [ + 19, + 26, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92762.mp4", + "variation_id": 0, + "video_id": "60379" + }, + { + "bbox": [ + 345, + 56, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/umbrella.mp4", + "variation_id": 0, + "video_id": "60380" + }, + { + "bbox": [ + 56, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468924594.5652.mp4", + "variation_id": 0, + "video_id": "60381" + }, + { + "bbox": [ + 21, + 55, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/umbrella.mp4", + "variation_id": 0, + "video_id": "60382" + }, + { + "bbox": [ + 84, + 14, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8386.mp4", + "variation_id": 0, + "video_id": "60383" + }, + { + "bbox": [ + 12, + 7, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/u/umbrella_2.swf", + "variation_id": 0, + "video_id": "60384" + }, + { + "bbox": [ + 172, + 63, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/umbrella.mp4", + "variation_id": 0, + "video_id": "60385" + } + ] + }, + { + "gloss": "vegetable", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 329, + "frame_start": 277, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61364" + }, + { + "bbox": [ + 184, + 32, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VE/VEGETABLE-793.mp4", + "variation_id": 0, + "video_id": "66720" + }, + { + "bbox": [ + 109, + 25, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/T8c5eHxZik0", + "variation_id": 0, + "video_id": "67025" + }, + { + "bbox": [ + 365, + 12, + 806, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Vegetable-H4WFMRW0-Mc.mp4", + "variation_id": 0, + "video_id": "61365" + }, + { + "bbox": [ + 60, + 3, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vegetable.mp4", + "variation_id": 0, + "video_id": "61366" + }, + { + "bbox": [ + 171, + 7, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/v/vegetable-veg.mp4", + "variation_id": 0, + "video_id": "61367" + }, + { + "bbox": [ + 67, + 19, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8639.mp4", + "variation_id": 0, + "video_id": "61368" + }, + { + "bbox": [ + 0, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/vegetable.swf", + "variation_id": 0, + "video_id": "61369" + }, + { + "bbox": [ + 154, + 50, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/vegetable.mp4", + "variation_id": 0, + "video_id": "61370" + }, + { + "bbox": [ + 154, + 50, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vegetable.mp4", + "variation_id": 0, + "video_id": "61371" + } + ] + }, + { + "gloss": "vocabulary", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 805, + "frame_start": 759, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61878" + }, + { + "bbox": [ + 55, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vocabulary.mp4", + "variation_id": 0, + "video_id": "61885" + }, + { + "bbox": [ + 77, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6032.mp4", + "variation_id": 0, + "video_id": "61886" + }, + { + "bbox": [ + 206, + 31, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=ZLN8GbGcxbw", + "variation_id": 0, + "video_id": "61887" + }, + { + "bbox": [ + 205, + 29, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VO/VOCABULARY-1400.mp4", + "variation_id": 0, + "video_id": "66735" + }, + { + "bbox": [ + 0, + 5, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/v/vocabulary.swf", + "variation_id": 0, + "video_id": "61888" + }, + { + "bbox": [ + 232, + 40, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vocabulary.mp4", + "variation_id": 0, + "video_id": "61889" + }, + { + "bbox": [ + 73, + 9, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/vocabulary.mov", + "variation_id": 0, + "video_id": "61879" + }, + { + "bbox": [ + 672, + 44, + 1777, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Vocabulary-jmhuYNveVx4.mp4", + "variation_id": 0, + "video_id": "61881" + }, + { + "bbox": [ + 749, + 124, + 1630, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Word%2C%20Vocabulary-Rhx-awd6ZT4.mp4", + "variation_id": 0, + "video_id": "61882" + } + ] + }, + { + "gloss": "waste", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 710, + "frame_start": 668, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62422" + }, + { + "bbox": [ + 189, + 55, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/waste.mp4", + "variation_id": 0, + "video_id": "62430" + }, + { + "bbox": [ + 179, + 32, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WASTE-820.mp4", + "variation_id": 0, + "video_id": "66750" + }, + { + "bbox": [ + 90, + 28, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/g5OlOgEtCUQ", + "variation_id": 0, + "video_id": "67043" + }, + { + "bbox": [ + 295, + 59, + 1608, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Waste-GBh5tcNi4Cg.mp4", + "variation_id": 0, + "video_id": "62423" + }, + { + "bbox": [ + 117, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468927173.6813.mp4", + "variation_id": 0, + "video_id": "62424" + }, + { + "bbox": [ + 129, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/waste2.mp4", + "variation_id": 0, + "video_id": "62425" + }, + { + "bbox": [ + 28, + 14, + 486, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/waste.mp4", + "variation_id": 0, + "video_id": "62426" + }, + { + "bbox": [ + 56, + 10, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9678.mp4", + "variation_id": 0, + "video_id": "62427" + }, + { + "bbox": [ + 310, + 56, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MFnU1TzoHE4", + "variation_id": 0, + "video_id": "62428" + } + ] + }, + { + "gloss": "we", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1060, + "frame_start": 1014, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62583" + }, + { + "bbox": [ + 275, + 32, + 888, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/we.mp4", + "variation_id": 0, + "video_id": "69527" + }, + { + "bbox": [ + 202, + 28, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WE-1416.mp4", + "variation_id": 0, + "video_id": "66755" + }, + { + "bbox": [ + 19, + 29, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90208.mp4", + "variation_id": 0, + "video_id": "62774" + }, + { + "bbox": [ + 468, + 0, + 1367, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20We-19JJXcGUvBo.mp4", + "variation_id": 0, + "video_id": "62775" + }, + { + "bbox": [ + 102, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468927382.4419.mp4", + "variation_id": 0, + "video_id": "62776" + }, + { + "bbox": [ + 4, + 1, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/we.mp4", + "variation_id": 0, + "video_id": "62777" + }, + { + "bbox": [ + 58, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9274.mp4", + "variation_id": 0, + "video_id": "62778" + }, + { + "bbox": [ + 0, + 8, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/we.swf", + "variation_id": 0, + "video_id": "62779" + }, + { + "bbox": [ + 169, + 52, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/we.mp4", + "variation_id": 0, + "video_id": "62780" + } + ] + }, + { + "gloss": "wear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1183, + "frame_start": 1134, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62607" + }, + { + "bbox": [ + 187, + 51, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/wear.mp4", + "variation_id": 0, + "video_id": "62622" + }, + { + "bbox": [ + 159, + 30, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEAR-1246.mp4", + "variation_id": 1, + "video_id": "66756" + }, + { + "bbox": [ + 71, + 31, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90194.mp4", + "variation_id": 0, + "video_id": "62614" + }, + { + "bbox": [ + 55, + 14, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/hboZ91yH34E", + "variation_id": 1, + "video_id": "67048" + }, + { + "bbox": [ + 43, + 0, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468927472.3132.mp4", + "variation_id": 1, + "video_id": "62615" + }, + { + "bbox": [ + 44, + 17, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wear.mp4", + "variation_id": 1, + "video_id": "62616" + }, + { + "bbox": [ + 69, + 18, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wear-use.mp4", + "variation_id": 0, + "video_id": "62617" + }, + { + "bbox": [ + 67, + 18, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9042.mp4", + "variation_id": 0, + "video_id": "62618" + }, + { + "bbox": [ + 56, + 7, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9858.mp4", + "variation_id": 1, + "video_id": "62619" + } + ] + }, + { + "gloss": "weekly", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1497, + "frame_start": 1431, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62753" + }, + { + "bbox": [ + 255, + 43, + 966, + 720 + ], + "fps": 25, + "frame_end": 119, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=jsL-tCCNZVc", + "variation_id": 0, + "video_id": "68604" + }, + { + "bbox": [ + 48, + 5, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58580.mp4", + "variation_id": 0, + "video_id": "62754" + }, + { + "bbox": [ + 64, + 11, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/weekly.mp4", + "variation_id": 0, + "video_id": "62755" + }, + { + "bbox": [ + 65, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6762.mp4", + "variation_id": 0, + "video_id": "62756" + }, + { + "bbox": [ + 65, + 16, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6763.mp4", + "variation_id": 0, + "video_id": "62757" + }, + { + "bbox": [ + 352, + 41, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gM-L4qMVwxA", + "variation_id": 0, + "video_id": "62758" + }, + { + "bbox": [ + 339, + 33, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=J5kumYS_4Ng", + "variation_id": 0, + "video_id": "62759" + }, + { + "bbox": [ + 0, + 8, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/weekly.swf", + "variation_id": 0, + "video_id": "62760" + }, + { + "bbox": [ + 212, + 56, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/weekly.mp4", + "variation_id": 0, + "video_id": "62761" + } + ] + }, + { + "gloss": "welcome", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1650, + "frame_start": 1601, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62826" + }, + { + "bbox": [ + 17, + 21, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/welcome.swf", + "variation_id": 0, + "video_id": "62836" + }, + { + "bbox": [ + 184, + 61, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/welcome.mp4", + "variation_id": 0, + "video_id": "62837" + }, + { + "bbox": [ + 181, + 30, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WELCOME-1421.mp4", + "variation_id": 0, + "video_id": "66763" + }, + { + "bbox": [ + 152, + 11, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WELCOME-1476.mp4", + "variation_id": 0, + "video_id": "66764" + }, + { + "bbox": [ + 704, + 19, + 1705, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 3, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Welcome-tQBaI8oi6tw.mp4", + "variation_id": 0, + "video_id": "62829" + }, + { + "bbox": [ + 36, + 0, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/welcome.mp4", + "variation_id": 0, + "video_id": "62832" + }, + { + "bbox": [ + 26, + 21, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22607.mp4", + "variation_id": 0, + "video_id": "62833" + }, + { + "bbox": [ + 193, + 38, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=-7VlWldG6F8", + "variation_id": 0, + "video_id": "62834" + }, + { + "bbox": [ + 203, + 32, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lH25amcBwGk", + "variation_id": 0, + "video_id": "62835" + } + ] + }, + { + "gloss": "winter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2794, + "frame_start": 2735, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63494" + }, + { + "bbox": [ + 9, + 3, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/winter.swf", + "variation_id": 0, + "video_id": "63503" + }, + { + "bbox": [ + 217, + 55, + 580, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/winter.mp4", + "variation_id": 0, + "video_id": "63504" + }, + { + "bbox": [ + 31, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 42, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51076.mp4", + "variation_id": 0, + "video_id": "63495" + }, + { + "bbox": [ + 426, + 55, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/winter.mp4", + "variation_id": 0, + "video_id": "63496" + }, + { + "bbox": [ + 624, + 133, + 1621, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cold-V5nv_yk_Ah8.mp4", + "variation_id": 0, + "video_id": "63497" + }, + { + "bbox": [ + 120, + 15, + 496, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928752.6667.mp4", + "variation_id": 0, + "video_id": "63499" + }, + { + "bbox": [ + 40, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/winter.mp4", + "variation_id": 0, + "video_id": "63500" + }, + { + "bbox": [ + 34, + 0, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 86, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/winter-time.mp4", + "variation_id": 0, + "video_id": "63501" + }, + { + "bbox": [ + 45, + 9, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14022.mp4", + "variation_id": 0, + "video_id": "63502" + } + ] + }, + { + "gloss": "without", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3014, + "frame_start": 2972, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63605" + }, + { + "bbox": [ + 235, + 38, + 512, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/without.mp4", + "variation_id": 0, + "video_id": "63615" + }, + { + "bbox": [ + 170, + 7, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WITHOUT-1441.mp4", + "variation_id": 0, + "video_id": "66796" + }, + { + "bbox": [ + 32, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 42, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51079.mp4", + "variation_id": 0, + "video_id": "63607" + }, + { + "bbox": [ + 340, + 58, + 876, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/without.mp4", + "variation_id": 0, + "video_id": "63608" + }, + { + "bbox": [ + 277, + 55, + 1691, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Without-lsyA2d_cMbE.mp4", + "variation_id": 0, + "video_id": "63609" + }, + { + "bbox": [ + 114, + 10, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928908.1469.mp4", + "variation_id": 0, + "video_id": "63610" + }, + { + "bbox": [ + 88, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/without.mp4", + "variation_id": 0, + "video_id": "63611" + }, + { + "bbox": [ + 58, + 11, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9704.mp4", + "variation_id": 0, + "video_id": "63612" + }, + { + "bbox": [ + 168, + 14, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PkFQGB49Nuc", + "variation_id": 0, + "video_id": "63613" + } + ] + }, + { + "gloss": "wolf", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3190, + "frame_start": 3098, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63650" + }, + { + "bbox": [ + 167, + 6, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WOLF-1442.mp4", + "variation_id": 0, + "video_id": "66797" + }, + { + "bbox": [ + 30, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51080.mp4", + "variation_id": 0, + "video_id": "63653" + }, + { + "bbox": [ + 135, + 19, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/wAApwasxBdg", + "variation_id": 0, + "video_id": "67077" + }, + { + "bbox": [ + 140, + 9, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928938.4025.mp4", + "variation_id": 0, + "video_id": "63654" + }, + { + "bbox": [ + 36, + 13, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wolf.mp4", + "variation_id": 0, + "video_id": "63655" + }, + { + "bbox": [ + 83, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7547.mp4", + "variation_id": 0, + "video_id": "63656" + }, + { + "bbox": [ + 80, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7551.mp4", + "variation_id": 0, + "video_id": "63657" + }, + { + "bbox": [ + 3, + 16, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/wolf.swf", + "variation_id": 0, + "video_id": "63658" + }, + { + "bbox": [ + 230, + 35, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wolf.mp4", + "variation_id": 0, + "video_id": "63659" + } + ] + }, + { + "gloss": "worm", + "instances": [ + { + "bbox": [ + 282, + 4, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/worm.mp4", + "variation_id": 0, + "video_id": "69541" + }, + { + "bbox": [ + 196, + 31, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORM-429.mp4", + "variation_id": 0, + "video_id": "66808" + }, + { + "bbox": [ + 100, + 11, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RnJTYYQxyxQ", + "variation_id": 0, + "video_id": "67005" + }, + { + "bbox": [ + 33, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 42, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51086.mp4", + "variation_id": 0, + "video_id": "63850" + }, + { + "bbox": [ + 804, + 71, + 1631, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Worm-Pyp4oVp16wU.mp4", + "variation_id": 0, + "video_id": "63851" + }, + { + "bbox": [ + 39, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/worm.mp4", + "variation_id": 0, + "video_id": "63852" + }, + { + "bbox": [ + 81, + 24, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22534.mp4", + "variation_id": 0, + "video_id": "63853" + }, + { + "bbox": [ + 313, + 40, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FXaxk7PgOLI", + "variation_id": 0, + "video_id": "63854" + }, + { + "bbox": [ + 15, + 15, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/worm.swf", + "variation_id": 0, + "video_id": "63855" + }, + { + "bbox": [ + 237, + 37, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/worm.mp4", + "variation_id": 0, + "video_id": "63856" + } + ] + }, + { + "gloss": "wristwatch", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4095, + "frame_start": 4019, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "64041" + }, + { + "bbox": [ + 158, + 8, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WR/WRISTWATCH-1465.mp4", + "variation_id": 0, + "video_id": "66814" + }, + { + "bbox": [ + 100, + 15, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Mx3w7jSiatQ", + "variation_id": 0, + "video_id": "67007" + }, + { + "bbox": [ + 80, + 37, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/94061.mp4", + "variation_id": 0, + "video_id": "64042" + }, + { + "bbox": [ + 725, + 79, + 1557, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Watch%202-PabAAiXXubQ.mp4", + "variation_id": 0, + "video_id": "64043" + }, + { + "bbox": [ + 132, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468927195.7116.mp4", + "variation_id": 0, + "video_id": "64044" + }, + { + "bbox": [ + 192, + 16, + 548, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/watch-wrist.mp4", + "variation_id": 0, + "video_id": "64045" + }, + { + "bbox": [ + 69, + 13, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9584.mp4", + "variation_id": 0, + "video_id": "64046" + }, + { + "bbox": [ + 373, + 38, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=A287sU6gWLk", + "variation_id": 0, + "video_id": "64047" + }, + { + "bbox": [ + 200, + 55, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/watch3.mp4", + "variation_id": 0, + "video_id": "64048" + } + ] + }, + { + "gloss": "yourself", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 437, + "frame_start": 405, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=BRO-oYGV224", + "variation_id": 0, + "video_id": "64444" + }, + { + "bbox": [ + 198, + 0, + 508, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/yourself.mp4", + "variation_id": 0, + "video_id": "64450" + }, + { + "bbox": [ + 85, + 13, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7200.mp4", + "variation_id": 0, + "video_id": "64451" + }, + { + "bbox": [ + 375, + 42, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=0WE5FktWpnc", + "variation_id": 0, + "video_id": "64455" + }, + { + "bbox": [ + 405, + 20, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NF_jrhLKWlY", + "variation_id": 0, + "video_id": "64456" + }, + { + "bbox": [ + 73, + 26, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/307680.mp4", + "variation_id": 0, + "video_id": "64445" + }, + { + "bbox": [ + 693, + 94, + 1504, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Doorbell-gwMaEaC75es.mp4", + "variation_id": 0, + "video_id": "64446" + }, + { + "bbox": [ + 533, + 58, + 1579, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Yourself-v4yao_8IfLM.mp4", + "variation_id": 0, + "video_id": "64447" + }, + { + "bbox": [ + 133, + 5, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468775391.6934.mp4", + "variation_id": 0, + "video_id": "64448" + }, + { + "bbox": [ + 77, + 7, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/y/yourself2.mp4", + "variation_id": 0, + "video_id": "64449" + } + ] + }, + { + "gloss": "above", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 290, + "frame_start": 241, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00429" + }, + { + "bbox": [ + 94, + 18, + 548, + 480 + ], + "fps": 25, + "frame_end": 4858, + "frame_start": 4720, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70167" + }, + { + "bbox": [ + 149, + 13, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AB/ABOVE-2.mp4", + "variation_id": 0, + "video_id": "65004" + }, + { + "bbox": [ + 441, + 0, + 1421, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Above-HdumfsLukzQ.mp4", + "variation_id": 0, + "video_id": "00430" + }, + { + "bbox": [ + 124, + 28, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466167130.6059.mp4", + "variation_id": 0, + "video_id": "00431" + }, + { + "bbox": [ + 60, + 34, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/above.mp4", + "variation_id": 0, + "video_id": "00432" + }, + { + "bbox": [ + 56, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24014.mp4", + "variation_id": 0, + "video_id": "00433" + }, + { + "bbox": [ + 2, + 15, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/above_2.swf", + "variation_id": 0, + "video_id": "00434" + }, + { + "bbox": [ + 183, + 47, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/above.mp4", + "variation_id": 0, + "video_id": "00435" + } + ] + }, + { + "gloss": "accomplish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 453, + "frame_start": 401, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00662" + }, + { + "bbox": [ + 153, + 14, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACCOMPLISH-453.mp4", + "variation_id": 0, + "video_id": "65010" + }, + { + "bbox": [ + 47, + 16, + 441, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/oQwa1MC6jrg", + "variation_id": 0, + "video_id": "67343" + }, + { + "bbox": [ + 57, + 19, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91344.mp4", + "variation_id": 0, + "video_id": "00663" + }, + { + "bbox": [ + 53, + 20, + 626, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466168726.3925.mp4", + "variation_id": 0, + "video_id": "00664" + }, + { + "bbox": [ + 29, + 21, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/accomplish.mp4", + "variation_id": 0, + "video_id": "00665" + }, + { + "bbox": [ + 31, + 3, + 260, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5564.mp4", + "variation_id": 0, + "video_id": "00666" + }, + { + "bbox": [ + 3, + 8, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/accomplish.swf", + "variation_id": 0, + "video_id": "00667" + }, + { + "bbox": [ + 156, + 44, + 578, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/accomplish.mp4", + "variation_id": 0, + "video_id": "00668" + } + ] + }, + { + "gloss": "adopt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 782, + "frame_start": 740, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01149" + }, + { + "bbox": [ + 324, + 31, + 991, + 720 + ], + "fps": 25, + "frame_end": 44, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=V7AXy0PMZ-g", + "variation_id": 0, + "video_id": "68958" + }, + { + "bbox": [ + 149, + 24, + 526, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AD/ADOPT-751.mp4", + "variation_id": 0, + "video_id": "65022" + }, + { + "bbox": [ + 75, + 22, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466170437.4315.mp4", + "variation_id": 0, + "video_id": "01157" + }, + { + "bbox": [ + 59, + 15, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6853.mp4", + "variation_id": 0, + "video_id": "01158" + }, + { + "bbox": [ + 65, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6854.mp4", + "variation_id": 0, + "video_id": "01159" + }, + { + "bbox": [ + 66, + 17, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9094.mp4", + "variation_id": 0, + "video_id": "01160" + }, + { + "bbox": [ + 17, + 19, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/adopt.swf", + "variation_id": 0, + "video_id": "01161" + }, + { + "bbox": [ + 256, + 36, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/adopt.mp4", + "variation_id": 0, + "video_id": "01162" + } + ] + }, + { + "gloss": "advantage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 912, + "frame_start": 856, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01242" + }, + { + "bbox": [ + 1, + 12, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/advantage.swf", + "variation_id": 0, + "video_id": "01251" + }, + { + "bbox": [ + 207, + 39, + 503, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AD/ADVANTAGE-2052.mp4", + "variation_id": 0, + "video_id": "65025" + }, + { + "bbox": [ + 233, + 35, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/advantage.mp4", + "variation_id": 0, + "video_id": "01252" + }, + { + "bbox": [ + 62, + 22, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91351.mp4", + "variation_id": 0, + "video_id": "01244" + }, + { + "bbox": [ + 512, + 42, + 1692, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Take%20Advantage-Bmd6lqExa8w.mp4", + "variation_id": 0, + "video_id": "01245" + }, + { + "bbox": [ + 184, + 0, + 500, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/advantage.mp4", + "variation_id": 0, + "video_id": "01247" + }, + { + "bbox": [ + 61, + 17, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/take-advantage-of2.mp4", + "variation_id": 0, + "video_id": "01248" + }, + { + "bbox": [ + 154, + 13, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/take-advantage-of.mp4", + "variation_id": 0, + "video_id": "01249" + } + ] + }, + { + "gloss": "alphabet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2008, + "frame_start": 1916, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02143" + }, + { + "bbox": [ + 223, + 36, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alphabet.mp4", + "variation_id": 0, + "video_id": "02151" + }, + { + "bbox": [ + 201, + 32, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AL/ALPHABET-2200.mp4", + "variation_id": 0, + "video_id": "65058" + }, + { + "bbox": [ + 85, + 6, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/DKRMLledZ2M", + "variation_id": 0, + "video_id": "67359" + }, + { + "bbox": [ + 57, + 1, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50051.mp4", + "variation_id": 0, + "video_id": "02145" + }, + { + "bbox": [ + 18, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/alphabet-abc2.mp4", + "variation_id": 0, + "video_id": "02146" + }, + { + "bbox": [ + 91, + 2, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/alphabet-abc.mp4", + "variation_id": 0, + "video_id": "02147" + }, + { + "bbox": [ + 71, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6378.mp4", + "variation_id": 0, + "video_id": "02149" + }, + { + "bbox": [ + 15, + 6, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/alphabet.swf", + "variation_id": 0, + "video_id": "02150" + } + ] + }, + { + "gloss": "anniversary", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2726, + "frame_start": 2647, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02607" + }, + { + "bbox": [ + 35, + 15, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/485624.mp4", + "variation_id": 0, + "video_id": "02609" + }, + { + "bbox": [ + 393, + 60, + 844, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/anniversary.mp4", + "variation_id": 0, + "video_id": "02610" + }, + { + "bbox": [ + 57, + 20, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466510362.4105.mp4", + "variation_id": 0, + "video_id": "02611" + }, + { + "bbox": [ + 0, + 0, + 617, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/anniversary.mp4", + "variation_id": 0, + "video_id": "02612" + }, + { + "bbox": [ + 59, + 23, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/anniversary-wed.mp4", + "variation_id": 0, + "video_id": "02613" + }, + { + "bbox": [ + 45, + 9, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1100.mp4", + "variation_id": 0, + "video_id": "02614" + }, + { + "bbox": [ + 1, + 7, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/anniversary.swf", + "variation_id": 0, + "video_id": "02615" + }, + { + "bbox": [ + 168, + 36, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/anniversary.mp4", + "variation_id": 0, + "video_id": "02616" + } + ] + }, + { + "gloss": "another", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2872, + "frame_start": 2823, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02696" + }, + { + "bbox": [ + 2, + 9, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/another.swf", + "variation_id": 0, + "video_id": "02705" + }, + { + "bbox": [ + 214, + 35, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/another.mp4", + "variation_id": 0, + "video_id": "02706" + }, + { + "bbox": [ + 76, + 10, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118523.mp4", + "variation_id": 0, + "video_id": "02697" + }, + { + "bbox": [ + 469, + 49, + 1631, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Other-O_7lP9UOlWs.mp4", + "variation_id": 0, + "video_id": "02698" + }, + { + "bbox": [ + 126, + 29, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466510641.6691.mp4", + "variation_id": 0, + "video_id": "02699" + }, + { + "bbox": [ + 45, + 0, + 528, + 478 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/another.mp4", + "variation_id": 0, + "video_id": "02700" + }, + { + "bbox": [ + 66, + 14, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7358.mp4", + "variation_id": 0, + "video_id": "02701" + }, + { + "bbox": [ + 344, + 50, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1LOt-sU8c60", + "variation_id": 0, + "video_id": "02702" + } + ] + }, + { + "gloss": "appropriate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3426, + "frame_start": 3377, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03100" + }, + { + "bbox": [ + 69, + 13, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122521.mp4", + "variation_id": 0, + "video_id": "03101" + }, + { + "bbox": [ + 494, + 45, + 1599, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Appropriate-cGNfU3TKvR4.mp4", + "variation_id": 0, + "video_id": "03102" + }, + { + "bbox": [ + 141, + 31, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512149.8733.mp4", + "variation_id": 0, + "video_id": "03103" + }, + { + "bbox": [ + 179, + 28, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/appropriate-proper.mp4", + "variation_id": 0, + "video_id": "03104" + }, + { + "bbox": [ + 92, + 22, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23335.mp4", + "variation_id": 0, + "video_id": "03105" + }, + { + "bbox": [ + 319, + 63, + 894, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_F-Up9tepn8", + "variation_id": 0, + "video_id": "03106" + }, + { + "bbox": [ + 0, + 14, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/appropriate.swf", + "variation_id": 0, + "video_id": "03107" + }, + { + "bbox": [ + 195, + 49, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/appropriate.mp4", + "variation_id": 0, + "video_id": "03108" + } + ] + }, + { + "gloss": "arrogant", + "instances": [ + { + "bbox": [ + 117, + 45, + 471, + 360 + ], + "fps": 25, + "frame_end": 5063, + "frame_start": 4956, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70258" + }, + { + "bbox": [ + 190, + 34, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/arrogant.mp4", + "variation_id": 0, + "video_id": "03457" + }, + { + "bbox": [ + 17, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 57, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/62285.mp4", + "variation_id": 0, + "video_id": "03448" + }, + { + "bbox": [ + 302, + 57, + 912, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/arrogant.mp4", + "variation_id": 0, + "video_id": "03449" + }, + { + "bbox": [ + 521, + 71, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Egotistical-mwnr-0TQ8mA.mp4", + "variation_id": 0, + "video_id": "03450" + }, + { + "bbox": [ + 115, + 26, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466645446.7875.mp4", + "variation_id": 0, + "video_id": "03451" + }, + { + "bbox": [ + 27, + 7, + 549, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/arrogant.mp4", + "variation_id": 0, + "video_id": "03452" + }, + { + "bbox": [ + 37, + 8, + 254, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23354.mp4", + "variation_id": 0, + "video_id": "03454" + }, + { + "bbox": [ + 266, + 27, + 1061, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Pf9EMNqrrEA", + "variation_id": 0, + "video_id": "03455" + } + ] + }, + { + "gloss": "artist", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4072, + "frame_start": 4013, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03514" + }, + { + "bbox": [ + 52, + 10, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58252.mp4", + "variation_id": 0, + "video_id": "03515" + }, + { + "bbox": [ + 228, + 17, + 570, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/artist.mp4", + "variation_id": 0, + "video_id": "03516" + }, + { + "bbox": [ + 116, + 25, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466645653.5692.mp4", + "variation_id": 0, + "video_id": "03517" + }, + { + "bbox": [ + 111, + 37, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/artist.mp4", + "variation_id": 0, + "video_id": "03518" + }, + { + "bbox": [ + 55, + 8, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14081.mp4", + "variation_id": 0, + "video_id": "03519" + }, + { + "bbox": [ + 293, + 28, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jORXCych9Q4", + "variation_id": 0, + "video_id": "03520" + }, + { + "bbox": [ + 19, + 5, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/a/artist.swf", + "variation_id": 0, + "video_id": "03521" + }, + { + "bbox": [ + 231, + 38, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/artist.mp4", + "variation_id": 0, + "video_id": "03522" + } + ] + }, + { + "gloss": "background", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 256, + "frame_start": 207, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04579" + }, + { + "bbox": [ + 322, + 36, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ekUjsIHS1cY", + "variation_id": 0, + "video_id": "04587" + }, + { + "bbox": [ + 200, + 23, + 503, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BACKGROUND-2299.mp4", + "variation_id": 0, + "video_id": "65122" + }, + { + "bbox": [ + 25, + 20, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/background.swf", + "variation_id": 0, + "video_id": "04589" + }, + { + "bbox": [ + 181, + 51, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/background.mp4", + "variation_id": 0, + "video_id": "04590" + }, + { + "bbox": [ + 55, + 9, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/123138.mp4", + "variation_id": 0, + "video_id": "04580" + }, + { + "bbox": [ + 644, + 72, + 1591, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Background-70BYYDWjy9c.mp4", + "variation_id": 0, + "video_id": "04581" + }, + { + "bbox": [ + 123, + 29, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1499775611.5366.mp4", + "variation_id": 0, + "video_id": "04582" + }, + { + "bbox": [ + 61, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/background.mp4", + "variation_id": 0, + "video_id": "04583" + } + ] + }, + { + "gloss": "bee", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1672, + "frame_start": 1603, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05667" + }, + { + "bbox": [ + 173, + 52, + 522, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bee.mp4", + "variation_id": 0, + "video_id": "05688" + }, + { + "bbox": [ + 179, + 34, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BEE-2102.mp4", + "variation_id": 0, + "video_id": "65165" + }, + { + "bbox": [ + 61, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123631.mp4", + "variation_id": 0, + "video_id": "05680" + }, + { + "bbox": [ + 745, + 79, + 1612, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bee-S851ej9k_IQ.mp4", + "variation_id": 0, + "video_id": "05681" + }, + { + "bbox": [ + 136, + 30, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466681223.6471.mp4", + "variation_id": 0, + "video_id": "05682" + }, + { + "bbox": [ + 77, + 16, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7322.mp4", + "variation_id": 0, + "video_id": "05685" + }, + { + "bbox": [ + 302, + 8, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=S713PTJEjV0", + "variation_id": 0, + "video_id": "05686" + }, + { + "bbox": [ + 17, + 7, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bee.swf", + "variation_id": 0, + "video_id": "05687" + } + ] + }, + { + "gloss": "behavior", + "instances": [ + { + "bbox": [ + 88, + 3, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/behavior.mov", + "variation_id": 0, + "video_id": "05792" + }, + { + "bbox": [ + 138, + 22, + 557, + 480 + ], + "fps": 25, + "frame_end": 3536, + "frame_start": 3420, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70116" + }, + { + "bbox": [ + 91, + 19, + 393, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/JocjfqfnTLo", + "variation_id": 0, + "video_id": "67403" + }, + { + "bbox": [ + 36, + 8, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123164.mp4", + "variation_id": 0, + "video_id": "05793" + }, + { + "bbox": [ + 79, + 17, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466681448.1726.mp4", + "variation_id": 0, + "video_id": "05794" + }, + { + "bbox": [ + 99, + 0, + 551, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/behavior.mp4", + "variation_id": 0, + "video_id": "05795" + }, + { + "bbox": [ + 52, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23878.mp4", + "variation_id": 0, + "video_id": "05796" + }, + { + "bbox": [ + 310, + 36, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=3vfre-a_vI0", + "variation_id": 0, + "video_id": "05797" + }, + { + "bbox": [ + 168, + 51, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/behave.mp4", + "variation_id": 0, + "video_id": "05798" + } + ] + }, + { + "gloss": "bell", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2059, + "frame_start": 1990, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05869" + }, + { + "bbox": [ + 21, + 11, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124268.mp4", + "variation_id": 0, + "video_id": "05873" + }, + { + "bbox": [ + 445, + 44, + 1674, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bell-BCuuLZiP1H8.mp4", + "variation_id": 0, + "video_id": "05874" + }, + { + "bbox": [ + 59, + 25, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681570.7678.mp4", + "variation_id": 0, + "video_id": "05875" + }, + { + "bbox": [ + 139, + 8, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/bell.mp4", + "variation_id": 0, + "video_id": "05876" + }, + { + "bbox": [ + 66, + 18, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23672.mp4", + "variation_id": 0, + "video_id": "05877" + }, + { + "bbox": [ + 91, + 20, + 202, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23673.mp4", + "variation_id": 0, + "video_id": "05878" + }, + { + "bbox": [ + 0, + 8, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bell.swf", + "variation_id": 0, + "video_id": "05880" + }, + { + "bbox": [ + 178, + 51, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bell.mp4", + "variation_id": 0, + "video_id": "05881" + } + ] + }, + { + "gloss": "birth", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2961, + "frame_start": 2922, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06346" + }, + { + "bbox": [ + 0, + 9, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/birth.swf", + "variation_id": 0, + "video_id": "06378" + }, + { + "bbox": [ + 158, + 50, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/birth.mp4", + "variation_id": 0, + "video_id": "06379" + }, + { + "bbox": [ + 195, + 42, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BIRTH-2125.mp4", + "variation_id": 0, + "video_id": "65189" + }, + { + "bbox": [ + 178, + 25, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BIRTH-2292.mp4", + "variation_id": 0, + "video_id": "65190" + }, + { + "bbox": [ + 22, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58263.mp4", + "variation_id": 0, + "video_id": "06372" + }, + { + "bbox": [ + 69, + 17, + 409, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/1OZ_oXlufa0", + "variation_id": 0, + "video_id": "67412" + }, + { + "bbox": [ + 52, + 13, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466682292.9361.mp4", + "variation_id": 0, + "video_id": "06373" + }, + { + "bbox": [ + 55, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5551.mp4", + "variation_id": 0, + "video_id": "06375" + } + ] + }, + { + "gloss": "bless", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3382, + "frame_start": 3336, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06622" + }, + { + "bbox": [ + 196, + 41, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLESS-2116.mp4", + "variation_id": 0, + "video_id": "65206" + }, + { + "bbox": [ + 556, + 155, + 1427, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bless-jGWBYU5RmW0.mp4", + "variation_id": 0, + "video_id": "06625" + }, + { + "bbox": [ + 87, + 26, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466683040.3905.mp4", + "variation_id": 0, + "video_id": "06626" + }, + { + "bbox": [ + 68, + 23, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/bless.mp4", + "variation_id": 0, + "video_id": "06627" + }, + { + "bbox": [ + 10, + 13, + 256, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1236.mp4", + "variation_id": 0, + "video_id": "06628" + }, + { + "bbox": [ + 66, + 11, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4628.mp4", + "variation_id": 0, + "video_id": "06629" + }, + { + "bbox": [ + 3, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bless.swf", + "variation_id": 0, + "video_id": "06630" + }, + { + "bbox": [ + 225, + 39, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bless.mp4", + "variation_id": 0, + "video_id": "06631" + } + ] + }, + { + "gloss": "blood", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3452, + "frame_start": 3420, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06723" + }, + { + "bbox": [ + 188, + 23, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BL/BLOOD-416.mp4", + "variation_id": 0, + "video_id": "65212" + }, + { + "bbox": [ + 69, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455697.mp4", + "variation_id": 0, + "video_id": "06733" + }, + { + "bbox": [ + 98, + 19, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/HG3nIRWzkzQ", + "variation_id": 0, + "video_id": "67418" + }, + { + "bbox": [ + 124, + 15, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466682901.3647.mp4", + "variation_id": 0, + "video_id": "06734" + }, + { + "bbox": [ + 77, + 2, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/blood.mp4", + "variation_id": 0, + "video_id": "06735" + }, + { + "bbox": [ + 61, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14044.mp4", + "variation_id": 0, + "video_id": "06736" + }, + { + "bbox": [ + 0, + 13, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/blood.swf", + "variation_id": 0, + "video_id": "06737" + }, + { + "bbox": [ + 183, + 53, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bleed.mp4", + "variation_id": 0, + "video_id": "06738" + } + ] + }, + { + "gloss": "boots", + "instances": [ + { + "bbox": [ + 188, + 26, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BOOTS-45.mp4", + "variation_id": 0, + "video_id": "65226" + }, + { + "bbox": [ + 6, + 6, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/boots_baby.swf", + "variation_id": 0, + "video_id": "07169" + }, + { + "bbox": [ + 14, + 5, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/boots_hiking.swf", + "variation_id": 0, + "video_id": "07170" + }, + { + "bbox": [ + 3, + 3, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/boots_snow.swf", + "variation_id": 0, + "video_id": "07171" + }, + { + "bbox": [ + 22, + 4, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 18, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/boots.swf", + "variation_id": 0, + "video_id": "07172" + }, + { + "bbox": [ + 62, + 16, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466684412.2788.mp4", + "variation_id": 0, + "video_id": "07163" + }, + { + "bbox": [ + 125, + 19, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/6uFrRZ2-yMA", + "variation_id": 0, + "video_id": "67425" + }, + { + "bbox": [ + 218, + 38, + 472, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/boots.mp4", + "variation_id": 0, + "video_id": "07173" + }, + { + "bbox": [ + 86, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/boots-footwear.mp4", + "variation_id": 0, + "video_id": "07164" + } + ] + }, + { + "gloss": "brave", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4568, + "frame_start": 4509, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07574" + }, + { + "bbox": [ + 191, + 40, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRAVE-2134.mp4", + "variation_id": 0, + "video_id": "65251" + }, + { + "bbox": [ + 102, + 7, + 392, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4SLIENduVYU", + "variation_id": 0, + "video_id": "67438" + }, + { + "bbox": [ + 559, + 63, + 1658, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brave-SLaYUgpSKEc.mp4", + "variation_id": 0, + "video_id": "07575" + }, + { + "bbox": [ + 121, + 16, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466723592.8417.mp4", + "variation_id": 0, + "video_id": "07576" + }, + { + "bbox": [ + 160, + 0, + 540, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/brave.mp4", + "variation_id": 0, + "video_id": "07577" + }, + { + "bbox": [ + 66, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6687.mp4", + "variation_id": 0, + "video_id": "07578" + }, + { + "bbox": [ + 0, + 7, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/brave.swf", + "variation_id": 0, + "video_id": "07579" + }, + { + "bbox": [ + 147, + 49, + 562, + 397 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brave.mp4", + "variation_id": 0, + "video_id": "07580" + } + ] + }, + { + "gloss": "breathe", + "instances": [ + { + "bbox": [ + 191, + 39, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BREATHE-2135.mp4", + "variation_id": 0, + "video_id": "65256" + }, + { + "bbox": [ + 729, + 138, + 1697, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Breathe-mJAIezwgsQk.mp4", + "variation_id": 0, + "video_id": "07676" + }, + { + "bbox": [ + 48, + 15, + 446, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ThDaGZBf0s0", + "variation_id": 0, + "video_id": "67442" + }, + { + "bbox": [ + 663, + 54, + 1722, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Breathe-ooT-sILdUi0.mp4", + "variation_id": 0, + "video_id": "07677" + }, + { + "bbox": [ + 61, + 17, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466723764.701.mp4", + "variation_id": 0, + "video_id": "07678" + }, + { + "bbox": [ + 123, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/breathe.mp4", + "variation_id": 0, + "video_id": "07679" + }, + { + "bbox": [ + 64, + 21, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22954.mp4", + "variation_id": 0, + "video_id": "07680" + }, + { + "bbox": [ + 0, + 8, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/breathe.swf", + "variation_id": 0, + "video_id": "07681" + }, + { + "bbox": [ + 160, + 51, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/breath.mp4", + "variation_id": 0, + "video_id": "07682" + } + ] + }, + { + "gloss": "bright", + "instances": [ + { + "bbox": [ + 38, + 8, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58589.mp4", + "variation_id": 0, + "video_id": "07779" + }, + { + "bbox": [ + 56, + 13, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9083.mp4", + "variation_id": 0, + "video_id": "07787" + }, + { + "bbox": [ + 325, + 75, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=h3OSvoX524I", + "variation_id": 0, + "video_id": "07788" + }, + { + "bbox": [ + 0, + 16, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bright.swf", + "variation_id": 0, + "video_id": "07789" + }, + { + "bbox": [ + 179, + 48, + 582, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/bright.mp4", + "variation_id": 0, + "video_id": "07791" + }, + { + "bbox": [ + 335, + 54, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bright.mp4", + "variation_id": 0, + "video_id": "07780" + }, + { + "bbox": [ + 403, + 44, + 1845, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bright%2C%20Clear-rNQ-tunpvGI.mp4", + "variation_id": 0, + "video_id": "07781" + }, + { + "bbox": [ + 109, + 17, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466724047.7920.mp4", + "variation_id": 0, + "video_id": "07782" + }, + { + "bbox": [ + 55, + 7, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bright.mp4", + "variation_id": 0, + "video_id": "07783" + } + ] + }, + { + "gloss": "bull", + "instances": [ + { + "bbox": [ + 36, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125602.mp4", + "variation_id": 0, + "video_id": "08166" + }, + { + "bbox": [ + 733, + 71, + 1651, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bull-UTd4v_GstkE.mp4", + "variation_id": 0, + "video_id": "08167" + }, + { + "bbox": [ + 79, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 22, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1476145510.9322.mp4", + "variation_id": 0, + "video_id": "08168" + }, + { + "bbox": [ + 44, + 5, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bull.mp4", + "variation_id": 0, + "video_id": "08169" + }, + { + "bbox": [ + 71, + 9, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14849.mp4", + "variation_id": 0, + "video_id": "08170" + }, + { + "bbox": [ + 287, + 9, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=JxpkDeJWhcA", + "variation_id": 0, + "video_id": "08171" + }, + { + "bbox": [ + 272, + 0, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uZHd39SUyPs", + "variation_id": 0, + "video_id": "08172" + }, + { + "bbox": [ + 12, + 1, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/bull.swf", + "variation_id": 0, + "video_id": "08173" + }, + { + "bbox": [ + 173, + 48, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bull.mp4", + "variation_id": 0, + "video_id": "08174" + } + ] + }, + { + "gloss": "butterfly", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5338, + "frame_start": 5306, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08441" + }, + { + "bbox": [ + 183, + 16, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUTTERFLY-423.mp4", + "variation_id": 0, + "video_id": "65280" + }, + { + "bbox": [ + 134, + 11, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/r4DO7DVaHik", + "variation_id": 0, + "video_id": "67454" + }, + { + "bbox": [ + 719, + 51, + 1500, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Butterfly-Uhym3r-hdBY.mp4", + "variation_id": 0, + "video_id": "08442" + }, + { + "bbox": [ + 77, + 17, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466725589.9606.mp4", + "variation_id": 0, + "video_id": "08443" + }, + { + "bbox": [ + 112, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/butterfly.mp4", + "variation_id": 0, + "video_id": "08444" + }, + { + "bbox": [ + 71, + 15, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6790.mp4", + "variation_id": 0, + "video_id": "08445" + }, + { + "bbox": [ + 17, + 2, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 18, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/b/butterfly.swf", + "variation_id": 0, + "video_id": "08446" + }, + { + "bbox": [ + 229, + 39, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/butterfly.mp4", + "variation_id": 0, + "video_id": "08447" + } + ] + }, + { + "gloss": "card", + "instances": [ + { + "bbox": [ + 166, + 16, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CARD-829.mp4", + "variation_id": 0, + "video_id": "65304" + }, + { + "bbox": [ + 66, + 12, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14376.mp4", + "variation_id": 0, + "video_id": "09130" + }, + { + "bbox": [ + 72, + 9, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14382.mp4", + "variation_id": 0, + "video_id": "09131" + }, + { + "bbox": [ + 66, + 8, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9989.mp4", + "variation_id": 0, + "video_id": "09137" + }, + { + "bbox": [ + 183, + 56, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/card.mp4", + "variation_id": 0, + "video_id": "09138" + }, + { + "bbox": [ + 705, + 82, + 1653, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Card-nAUWr_ZCUDA.mp4", + "variation_id": 0, + "video_id": "09126" + }, + { + "bbox": [ + 363, + 9, + 829, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Card-Ubjzc778qdo.mp4", + "variation_id": 0, + "video_id": "09127" + }, + { + "bbox": [ + 87, + 13, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466727221.9530.mp4", + "variation_id": 0, + "video_id": "09128" + }, + { + "bbox": [ + 23, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/card-paper.mp4", + "variation_id": 0, + "video_id": "09129" + } + ] + }, + { + "gloss": "category", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1297, + "frame_start": 1235, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09487" + }, + { + "bbox": [ + 31, + 0, + 312, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51395.mp4", + "variation_id": 0, + "video_id": "09488" + }, + { + "bbox": [ + 582, + 31, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Category-Z4WZpJt5cV0.mp4", + "variation_id": 0, + "video_id": "09489" + }, + { + "bbox": [ + 43, + 0, + 620, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1512915714.9733.mp4", + "variation_id": 0, + "video_id": "09490" + }, + { + "bbox": [ + 74, + 20, + 479, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/categories.mp4", + "variation_id": 0, + "video_id": "09491" + }, + { + "bbox": [ + 119, + 23, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/category.mp4", + "variation_id": 0, + "video_id": "09492" + }, + { + "bbox": [ + 70, + 21, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22778.mp4", + "variation_id": 0, + "video_id": "09493" + }, + { + "bbox": [ + 0, + 16, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/category.swf", + "variation_id": 0, + "video_id": "09494" + }, + { + "bbox": [ + 204, + 43, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/category.mp4", + "variation_id": 0, + "video_id": "09495" + } + ] + }, + { + "gloss": "catholic", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1364, + "frame_start": 1298, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09517" + }, + { + "bbox": [ + 193, + 15, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CATHOLIC-1043.mp4", + "variation_id": 0, + "video_id": "65316" + }, + { + "bbox": [ + 101, + 9, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/yh2VpUOJx5c", + "variation_id": 0, + "video_id": "67478" + }, + { + "bbox": [ + 615, + 63, + 1463, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Catholic-20Qk5ijuQvo.mp4", + "variation_id": 0, + "video_id": "09518" + }, + { + "bbox": [ + 111, + 14, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466728597.9058.mp4", + "variation_id": 0, + "video_id": "09519" + }, + { + "bbox": [ + 16, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/catholic.mp4", + "variation_id": 0, + "video_id": "09520" + }, + { + "bbox": [ + 89, + 18, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22246.mp4", + "variation_id": 0, + "video_id": "09521" + }, + { + "bbox": [ + 2, + 8, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/catholic.swf", + "variation_id": 0, + "video_id": "09522" + }, + { + "bbox": [ + 223, + 41, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/catholic.mp4", + "variation_id": 0, + "video_id": "09523" + } + ] + }, + { + "gloss": "cent", + "instances": [ + { + "bbox": [ + 179, + 16, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CE/CENT-1047.mp4", + "variation_id": 0, + "video_id": "65323" + }, + { + "bbox": [ + 37, + 0, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125900.mp4", + "variation_id": 0, + "video_id": "09735" + }, + { + "bbox": [ + 523, + 97, + 1032, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20One%20Cent_2C%20Penny.mp4", + "variation_id": 0, + "video_id": "09736" + }, + { + "bbox": [ + 86, + 16, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466729274.8735.mp4", + "variation_id": 0, + "video_id": "09737" + }, + { + "bbox": [ + 76, + 5, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cent.mp4", + "variation_id": 0, + "video_id": "09738" + }, + { + "bbox": [ + 65, + 7, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cents.mp4", + "variation_id": 0, + "video_id": "09739" + }, + { + "bbox": [ + 63, + 10, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6753.mp4", + "variation_id": 0, + "video_id": "09740" + }, + { + "bbox": [ + 0, + 12, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/cent.swf", + "variation_id": 0, + "video_id": "09741" + }, + { + "bbox": [ + 207, + 41, + 472, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cent.mp4", + "variation_id": 0, + "video_id": "09742" + } + ] + }, + { + "gloss": "chemistry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2652, + "frame_start": 2576, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10305" + }, + { + "bbox": [ + 39, + 2, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125959.mp4", + "variation_id": 0, + "video_id": "10308" + }, + { + "bbox": [ + 328, + 59, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/chemistry.mp4", + "variation_id": 0, + "video_id": "10309" + }, + { + "bbox": [ + 391, + 53, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chemistry-aN9aFCbWJXU.mp4", + "variation_id": 0, + "video_id": "10310" + }, + { + "bbox": [ + 23, + 13, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466731720.1608.mp4", + "variation_id": 0, + "video_id": "10311" + }, + { + "bbox": [ + 45, + 3, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/chemistry.mp4", + "variation_id": 0, + "video_id": "10312" + }, + { + "bbox": [ + 54, + 8, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9806.mp4", + "variation_id": 0, + "video_id": "10313" + }, + { + "bbox": [ + 7, + 1, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/chemistry.swf", + "variation_id": 0, + "video_id": "10314" + }, + { + "bbox": [ + 195, + 52, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chemistry.mp4", + "variation_id": 0, + "video_id": "10315" + } + ] + }, + { + "gloss": "cherry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2699, + "frame_start": 2653, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10335" + }, + { + "bbox": [ + 6, + 21, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cherry.swf", + "variation_id": 0, + "video_id": "10345" + }, + { + "bbox": [ + 204, + 35, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHERRY-1982.mp4", + "variation_id": 0, + "video_id": "65347" + }, + { + "bbox": [ + 31, + 2, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125962.mp4", + "variation_id": 0, + "video_id": "10337" + }, + { + "bbox": [ + 60, + 17, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/cnGVguk62xc", + "variation_id": 0, + "video_id": "67493" + }, + { + "bbox": [ + 379, + 61, + 829, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cherry.mp4", + "variation_id": 0, + "video_id": "10339" + }, + { + "bbox": [ + 71, + 19, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466731762.8366.mp4", + "variation_id": 0, + "video_id": "10340" + }, + { + "bbox": [ + 70, + 4, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5652.mp4", + "variation_id": 0, + "video_id": "10343" + }, + { + "bbox": [ + 305, + 69, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rMF0qiUG96M", + "variation_id": 0, + "video_id": "10344" + } + ] + }, + { + "gloss": "china", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2952, + "frame_start": 2866, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10514" + }, + { + "bbox": [ + 264, + 50, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yLX_qaQY6B8", + "variation_id": 0, + "video_id": "10524" + }, + { + "bbox": [ + 0, + 20, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/china_1.swf", + "variation_id": 0, + "video_id": "10525" + }, + { + "bbox": [ + 52, + 0, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455297.mp4", + "variation_id": 0, + "video_id": "10516" + }, + { + "bbox": [ + 90, + 21, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/qv2pBbiCUz0", + "variation_id": 0, + "video_id": "67496" + }, + { + "bbox": [ + 151, + 56, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/china.mp4", + "variation_id": 0, + "video_id": "10526" + }, + { + "bbox": [ + 524, + 113, + 1470, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20China-Hcj8USyKzuM.mp4", + "variation_id": 0, + "video_id": "10517" + }, + { + "bbox": [ + 75, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/c/china.mp4", + "variation_id": 0, + "video_id": "10519" + }, + { + "bbox": [ + 56, + 4, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5734.mp4", + "variation_id": 0, + "video_id": "10520" + } + ] + }, + { + "gloss": "chop", + "instances": [ + { + "bbox": [ + 179, + 16, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHOP-78.mp4", + "variation_id": 0, + "video_id": "65355" + }, + { + "bbox": [ + 83, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7992.mp4", + "variation_id": 0, + "video_id": "10652" + }, + { + "bbox": [ + 58, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/126011.mp4", + "variation_id": 0, + "video_id": "10645" + }, + { + "bbox": [ + 0, + 10, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chop.swf", + "variation_id": 0, + "video_id": "10655" + }, + { + "bbox": [ + 173, + 56, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/chop.mp4", + "variation_id": 0, + "video_id": "10656" + }, + { + "bbox": [ + 76, + 17, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/74928.mp4", + "variation_id": 0, + "video_id": "10646" + }, + { + "bbox": [ + 510, + 65, + 1609, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Chopping-ToeaTdKRn1Q.mp4", + "variation_id": 0, + "video_id": "10647" + }, + { + "bbox": [ + 127, + 42, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1499870967.7412.mp4", + "variation_id": 0, + "video_id": "10648" + }, + { + "bbox": [ + 113, + 14, + 476, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chop-food.mp4", + "variation_id": 0, + "video_id": "10650" + } + ] + }, + { + "gloss": "christian", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3328, + "frame_start": 3236, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10685" + }, + { + "bbox": [ + 146, + 3, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHRISTIAN-3048.mp4", + "variation_id": 0, + "video_id": "65356" + }, + { + "bbox": [ + 41, + 5, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244957.mp4", + "variation_id": 0, + "video_id": "10686" + }, + { + "bbox": [ + 417, + 58, + 817, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/christian.mp4", + "variation_id": 0, + "video_id": "10687" + }, + { + "bbox": [ + 740, + 62, + 1685, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Christian-knMGDCn2tw4.mp4", + "variation_id": 0, + "video_id": "10688" + }, + { + "bbox": [ + 65, + 12, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466733340.9988.mp4", + "variation_id": 0, + "video_id": "10689" + }, + { + "bbox": [ + 54, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/christian.mp4", + "variation_id": 0, + "video_id": "10690" + }, + { + "bbox": [ + 58, + 12, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7227.mp4", + "variation_id": 0, + "video_id": "10692" + }, + { + "bbox": [ + 219, + 39, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/christian.mp4", + "variation_id": 0, + "video_id": "10693" + } + ] + }, + { + "gloss": "cigarette", + "instances": [ + { + "bbox": [ + 164, + 17, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CI/CIGARETTE-2522.mp4", + "variation_id": 0, + "video_id": "65359" + }, + { + "bbox": [ + 8, + 0, + 308, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51446.mp4", + "variation_id": 0, + "video_id": "10786" + }, + { + "bbox": [ + 75, + 17, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3oC1IiOmxbQ", + "variation_id": 0, + "video_id": "67500" + }, + { + "bbox": [ + 136, + 42, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1513521005.5442.mp4", + "variation_id": 0, + "video_id": "10787" + }, + { + "bbox": [ + 51, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/cigarette.mp4", + "variation_id": 0, + "video_id": "10788" + }, + { + "bbox": [ + 78, + 15, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7403.mp4", + "variation_id": 0, + "video_id": "10789" + }, + { + "bbox": [ + 316, + 51, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kB_QqQgu7yc", + "variation_id": 0, + "video_id": "10790" + }, + { + "bbox": [ + 0, + 1, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/cigarette.swf", + "variation_id": 0, + "video_id": "10791" + }, + { + "bbox": [ + 226, + 41, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cigarette.mp4", + "variation_id": 0, + "video_id": "10792" + } + ] + }, + { + "gloss": "clever", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3804, + "frame_start": 3755, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11087" + }, + { + "bbox": [ + 25, + 3, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399307.mp4", + "variation_id": 0, + "video_id": "11088" + }, + { + "bbox": [ + 114, + 0, + 525, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468768023.6884.mp4", + "variation_id": 0, + "video_id": "11089" + }, + { + "bbox": [ + 111, + 17, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/clever.mp4", + "variation_id": 0, + "video_id": "11090" + }, + { + "bbox": [ + 52, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23935.mp4", + "variation_id": 0, + "video_id": "11091" + }, + { + "bbox": [ + 42, + 12, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23938.mp4", + "variation_id": 0, + "video_id": "11093" + }, + { + "bbox": [ + 41, + 1, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8910.mp4", + "variation_id": 0, + "video_id": "11094" + }, + { + "bbox": [ + 3, + 11, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/clever.swf", + "variation_id": 0, + "video_id": "11095" + }, + { + "bbox": [ + 169, + 49, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clever.mp4", + "variation_id": 0, + "video_id": "11096" + } + ] + }, + { + "gloss": "clown", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4120, + "frame_start": 4048, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11376" + }, + { + "bbox": [ + 199, + 29, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CL/CLOWN-2034.mp4", + "variation_id": 0, + "video_id": "65372" + }, + { + "bbox": [ + 55, + 14, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357953.mp4", + "variation_id": 0, + "video_id": "11379" + }, + { + "bbox": [ + 155, + 19, + 420, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/b7gGP_QRFN0", + "variation_id": 0, + "video_id": "67507" + }, + { + "bbox": [ + 115, + 4, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 22, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1476145492.4482.mp4", + "variation_id": 0, + "video_id": "11380" + }, + { + "bbox": [ + 89, + 0, + 483, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/clown.mp4", + "variation_id": 0, + "video_id": "11381" + }, + { + "bbox": [ + 99, + 17, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23865.mp4", + "variation_id": 0, + "video_id": "11382" + }, + { + "bbox": [ + 16, + 5, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/clown.swf", + "variation_id": 0, + "video_id": "11383" + }, + { + "bbox": [ + 179, + 58, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clown.mp4", + "variation_id": 0, + "video_id": "11384" + } + ] + }, + { + "gloss": "coach", + "instances": [ + { + "bbox": [ + 42, + 15, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91835.mp4", + "variation_id": 0, + "video_id": "11436" + }, + { + "bbox": [ + 509, + 75, + 1732, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Capital%2C%20Coach-_vPPwNykJ54.mp4", + "variation_id": 0, + "video_id": "11437" + }, + { + "bbox": [ + 434, + 73, + 1580, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Coach-WWNfPqdJ-pM.mp4", + "variation_id": 0, + "video_id": "11438" + }, + { + "bbox": [ + 95, + 29, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499776632.3866.mp4", + "variation_id": 0, + "video_id": "11439" + }, + { + "bbox": [ + 26, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/coach-trainer.mp4", + "variation_id": 0, + "video_id": "11440" + }, + { + "bbox": [ + 44, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8959.mp4", + "variation_id": 0, + "video_id": "11441" + }, + { + "bbox": [ + 226, + 37, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7n-K0WmjigM", + "variation_id": 0, + "video_id": "11442" + }, + { + "bbox": [ + 0, + 2, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/coach.swf", + "variation_id": 0, + "video_id": "11443" + }, + { + "bbox": [ + 131, + 51, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/coach.mp4", + "variation_id": 0, + "video_id": "11444" + } + ] + }, + { + "gloss": "coat", + "instances": [ + { + "bbox": [ + 219, + 28, + 1031, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/coat.mp4", + "variation_id": 0, + "video_id": "69271" + }, + { + "bbox": [ + 36, + 12, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357954.mp4", + "variation_id": 0, + "video_id": "11470" + }, + { + "bbox": [ + 105, + 39, + 496, + 360 + ], + "fps": 25, + "frame_end": 2709, + "frame_start": 2604, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70251" + }, + { + "bbox": [ + 46, + 13, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466899561.7226.mp4", + "variation_id": 0, + "video_id": "11471" + }, + { + "bbox": [ + 12, + 0, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/coat.mp4", + "variation_id": 0, + "video_id": "11472" + }, + { + "bbox": [ + 45, + 15, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22145.mp4", + "variation_id": 0, + "video_id": "11473" + }, + { + "bbox": [ + 246, + 31, + 1049, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HWMc-nzJ2MQ", + "variation_id": 0, + "video_id": "11474" + }, + { + "bbox": [ + 13, + 3, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/coat.swf", + "variation_id": 0, + "video_id": "11475" + }, + { + "bbox": [ + 165, + 51, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/coat.mp4", + "variation_id": 0, + "video_id": "11476" + } + ] + }, + { + "gloss": "cochlear implant", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4193, + "frame_start": 4121, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11497" + }, + { + "bbox": [ + 33, + 4, + 223, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COCHLEAR-IMPLANT-2271.mp4", + "variation_id": 0, + "video_id": "65373" + }, + { + "bbox": [ + 88, + 18, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/94088.mp4", + "variation_id": 0, + "video_id": "11498" + }, + { + "bbox": [ + 690, + 123, + 1856, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cochlear%20Implant-4Qa3sWqLpIE.mp4", + "variation_id": 0, + "video_id": "11499" + }, + { + "bbox": [ + 351, + 136, + 1471, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cochlear%20Implant-T9TdAOFFE2E.mp4", + "variation_id": 0, + "video_id": "11500" + }, + { + "bbox": [ + 107, + 28, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466899619.2638.mp4", + "variation_id": 0, + "video_id": "11501" + }, + { + "bbox": [ + 162, + 16, + 504, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cochlear-implant.mp4", + "variation_id": 0, + "video_id": "11502" + }, + { + "bbox": [ + 52, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14196.mp4", + "variation_id": 0, + "video_id": "11503" + }, + { + "bbox": [ + 66, + 8, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5830.mp4", + "variation_id": 0, + "video_id": "11504" + } + ] + }, + { + "gloss": "coconut", + "instances": [ + { + "bbox": [ + 145, + 13, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COCONUT-2525.mp4", + "variation_id": 0, + "video_id": "65374" + }, + { + "bbox": [ + 57, + 33, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91465.mp4", + "variation_id": 0, + "video_id": "11527" + }, + { + "bbox": [ + 124, + 19, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ne5BJcWiuhI", + "variation_id": 0, + "video_id": "67509" + }, + { + "bbox": [ + 678, + 124, + 1655, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Coconut-eGnzvX2udB8.mp4", + "variation_id": 0, + "video_id": "11528" + }, + { + "bbox": [ + 129, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1512916069.8433.mp4", + "variation_id": 0, + "video_id": "11529" + }, + { + "bbox": [ + 45, + 5, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/coconut.mp4", + "variation_id": 0, + "video_id": "11530" + }, + { + "bbox": [ + 286, + 43, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pApdvKmlpsk", + "variation_id": 0, + "video_id": "11532" + }, + { + "bbox": [ + 7, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/coconut.swf", + "variation_id": 0, + "video_id": "11533" + }, + { + "bbox": [ + 182, + 52, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/coconut.mp4", + "variation_id": 0, + "video_id": "11534" + } + ] + }, + { + "gloss": "common", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4720, + "frame_start": 4671, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12011" + }, + { + "bbox": [ + 333, + 29, + 1071, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/common.mp4", + "variation_id": 0, + "video_id": "69276" + }, + { + "bbox": [ + 38, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50801.mp4", + "variation_id": 0, + "video_id": "12013" + }, + { + "bbox": [ + 87, + 16, + 601, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900476.9890.mp4", + "variation_id": 0, + "video_id": "12014" + }, + { + "bbox": [ + 6, + 18, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/common.mp4", + "variation_id": 0, + "video_id": "12015" + }, + { + "bbox": [ + 17, + 9, + 250, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2874.mp4", + "variation_id": 0, + "video_id": "12016" + }, + { + "bbox": [ + 230, + 26, + 1131, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0L41tSP1IVs", + "variation_id": 0, + "video_id": "12017" + }, + { + "bbox": [ + 0, + 19, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/common.swf", + "variation_id": 0, + "video_id": "12019" + }, + { + "bbox": [ + 183, + 57, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/common.mp4", + "variation_id": 0, + "video_id": "12020" + } + ] + }, + { + "gloss": "commute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4897, + "frame_start": 4818, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12071" + }, + { + "bbox": [ + 52, + 25, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96078.mp4", + "variation_id": 0, + "video_id": "12072" + }, + { + "bbox": [ + 183, + 41, + 1695, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Commute-t1GASnFIfl0.mp4", + "variation_id": 0, + "video_id": "12073" + }, + { + "bbox": [ + 78, + 21, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900769.1914.mp4", + "variation_id": 0, + "video_id": "12074" + }, + { + "bbox": [ + 43, + 19, + 470, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/commute.mp4", + "variation_id": 0, + "video_id": "12075" + }, + { + "bbox": [ + 43, + 11, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9899.mp4", + "variation_id": 0, + "video_id": "12076" + }, + { + "bbox": [ + 157, + 12, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BfhkTX6ymug", + "variation_id": 0, + "video_id": "12077" + }, + { + "bbox": [ + 0, + 15, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/commute.swf", + "variation_id": 0, + "video_id": "12078" + }, + { + "bbox": [ + 173, + 63, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/commute.mp4", + "variation_id": 0, + "video_id": "12079" + } + ] + }, + { + "gloss": "control", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5878, + "frame_start": 5819, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13040" + }, + { + "bbox": [ + 79, + 39, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/306838.mp4", + "variation_id": 0, + "video_id": "13042" + }, + { + "bbox": [ + 458, + 89, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Control%252C%20Rule.mp4", + "variation_id": 0, + "video_id": "13043" + }, + { + "bbox": [ + 115, + 15, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466902827.6946.mp4", + "variation_id": 0, + "video_id": "13044" + }, + { + "bbox": [ + 10, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/control.mp4", + "variation_id": 0, + "video_id": "13045" + }, + { + "bbox": [ + 71, + 25, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22269.mp4", + "variation_id": 0, + "video_id": "13046" + }, + { + "bbox": [ + 162, + 11, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_c1W5VPKYc8", + "variation_id": 0, + "video_id": "13047" + }, + { + "bbox": [ + 0, + 16, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/control.swf", + "variation_id": 0, + "video_id": "13048" + }, + { + "bbox": [ + 178, + 55, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/control.mp4", + "variation_id": 0, + "video_id": "13049" + } + ] + }, + { + "gloss": "count", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6613, + "frame_start": 6547, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13513" + }, + { + "bbox": [ + 154, + 20, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COUNT-609.mp4", + "variation_id": 0, + "video_id": "65413" + }, + { + "bbox": [ + 478, + 57, + 1585, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Count%20copy-9Z2N64khkQo.mp4", + "variation_id": 0, + "video_id": "13530" + }, + { + "bbox": [ + 611, + 62, + 1482, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Count-PRha87Bm5ws.mp4", + "variation_id": 0, + "video_id": "13531" + }, + { + "bbox": [ + 139, + 32, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466903996.3596.mp4", + "variation_id": 0, + "video_id": "13532" + }, + { + "bbox": [ + 71, + 0, + 479, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/count.mp4", + "variation_id": 0, + "video_id": "13533" + }, + { + "bbox": [ + 82, + 18, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23691.mp4", + "variation_id": 0, + "video_id": "13534" + }, + { + "bbox": [ + 0, + 15, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/count.swf", + "variation_id": 0, + "video_id": "13535" + }, + { + "bbox": [ + 170, + 62, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/count.mp4", + "variation_id": 0, + "video_id": "13536" + } + ] + }, + { + "gloss": "culture", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7219, + "frame_start": 7190, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14253" + }, + { + "bbox": [ + 62, + 1, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/culture.mp4", + "variation_id": 0, + "video_id": "14257" + }, + { + "bbox": [ + 83, + 14, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14457.mp4", + "variation_id": 0, + "video_id": "14261" + }, + { + "bbox": [ + 168, + 20, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CU/CULTURE-1193.mp4", + "variation_id": 0, + "video_id": "65428" + }, + { + "bbox": [ + 255, + 28, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=onk66POk4xU", + "variation_id": 0, + "video_id": "14263" + }, + { + "bbox": [ + 322, + 40, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=VfauMrPo-L4", + "variation_id": 0, + "video_id": "14265" + }, + { + "bbox": [ + 0, + 18, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/culture.swf", + "variation_id": 0, + "video_id": "14266" + }, + { + "bbox": [ + 182, + 56, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/culture.mp4", + "variation_id": 0, + "video_id": "14267" + }, + { + "bbox": [ + 82, + 9, + 251, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/culture.mov", + "variation_id": 0, + "video_id": "14254" + } + ] + }, + { + "gloss": "daily", + "instances": [ + { + "bbox": [ + 174, + 16, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DAILY-1203.mp4", + "variation_id": 0, + "video_id": "65433" + }, + { + "bbox": [ + 84, + 32, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93270.mp4", + "variation_id": 0, + "video_id": "14577" + }, + { + "bbox": [ + 133, + 26, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906180.6787.mp4", + "variation_id": 0, + "video_id": "14578" + }, + { + "bbox": [ + 59, + 5, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/daily.mp4", + "variation_id": 0, + "video_id": "14579" + }, + { + "bbox": [ + 71, + 7, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5855.mp4", + "variation_id": 0, + "video_id": "14580" + }, + { + "bbox": [ + 301, + 51, + 897, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=E17VasimjWo", + "variation_id": 0, + "video_id": "14581" + }, + { + "bbox": [ + 350, + 29, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lc1pqNKCwmo", + "variation_id": 0, + "video_id": "14582" + }, + { + "bbox": [ + 26, + 19, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/daily.swf", + "variation_id": 0, + "video_id": "14583" + }, + { + "bbox": [ + 183, + 59, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/daily.mp4", + "variation_id": 0, + "video_id": "14584" + } + ] + }, + { + "gloss": "defend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 997, + "frame_start": 965, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15209" + }, + { + "bbox": [ + 153, + 16, + 512, + 480 + ], + "fps": 25, + "frame_end": 3584, + "frame_start": 3454, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70161" + }, + { + "bbox": [ + 72, + 19, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93923.mp4", + "variation_id": 0, + "video_id": "15213" + }, + { + "bbox": [ + 658, + 78, + 1570, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Defense-Vm9hBn94IBo.mp4", + "variation_id": 0, + "video_id": "15214" + }, + { + "bbox": [ + 139, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468757002.1590.mp4", + "variation_id": 0, + "video_id": "15215" + }, + { + "bbox": [ + 2, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/defend.mp4", + "variation_id": 0, + "video_id": "15216" + }, + { + "bbox": [ + 96, + 17, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8210.mp4", + "variation_id": 0, + "video_id": "15217" + }, + { + "bbox": [ + 0, + 15, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/defend.swf", + "variation_id": 0, + "video_id": "15218" + }, + { + "bbox": [ + 199, + 58, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/defend.mp4", + "variation_id": 0, + "video_id": "15219" + } + ] + }, + { + "gloss": "degree", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1037, + "frame_start": 998, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15292" + }, + { + "bbox": [ + 0, + 21, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/degree.swf", + "variation_id": 0, + "video_id": "15300" + }, + { + "bbox": [ + 159, + 11, + 527, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEGREE-800.mp4", + "variation_id": 0, + "video_id": "65454" + }, + { + "bbox": [ + 156, + 52, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/degree.mp4", + "variation_id": 0, + "video_id": "15302" + }, + { + "bbox": [ + 42, + 14, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/154545.mp4", + "variation_id": 0, + "video_id": "15293" + }, + { + "bbox": [ + 123, + 7, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466907683.9875.mp4", + "variation_id": 0, + "video_id": "15294" + }, + { + "bbox": [ + 58, + 12, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/degree-college.mp4", + "variation_id": 0, + "video_id": "15295" + }, + { + "bbox": [ + 60, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14084.mp4", + "variation_id": 0, + "video_id": "15296" + }, + { + "bbox": [ + 60, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14085.mp4", + "variation_id": 0, + "video_id": "15297" + } + ] + }, + { + "gloss": "demonstrate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1334, + "frame_start": 1278, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15473" + }, + { + "bbox": [ + 45, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58500.mp4", + "variation_id": 0, + "video_id": "15474" + }, + { + "bbox": [ + 572, + 101, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Demonstrate%202-cUB72Au7Ydw.mp4", + "variation_id": 0, + "video_id": "15475" + }, + { + "bbox": [ + 652, + 102, + 1593, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Demonstrate-NnOP2Zbi7Xc.mp4", + "variation_id": 0, + "video_id": "15476" + }, + { + "bbox": [ + 135, + 19, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466907952.1184.mp4", + "variation_id": 0, + "video_id": "15477" + }, + { + "bbox": [ + 203, + 33, + 507, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/demonstrate.mp4", + "variation_id": 0, + "video_id": "15478" + }, + { + "bbox": [ + 76, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6176.mp4", + "variation_id": 0, + "video_id": "15479" + }, + { + "bbox": [ + 23, + 19, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/demonstrate.swf", + "variation_id": 0, + "video_id": "15480" + }, + { + "bbox": [ + 198, + 60, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/demonstrate.mp4", + "variation_id": 0, + "video_id": "15481" + } + ] + }, + { + "gloss": "department", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1567, + "frame_start": 1505, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15576" + }, + { + "bbox": [ + 76, + 12, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6429.mp4", + "variation_id": 0, + "video_id": "15584" + }, + { + "bbox": [ + 340, + 45, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G8PiolENG7o", + "variation_id": 0, + "video_id": "15585" + }, + { + "bbox": [ + 181, + 12, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEPARTMENT-737.mp4", + "variation_id": 0, + "video_id": "65464" + }, + { + "bbox": [ + 100, + 20, + 391, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/yrWXH8oGYgU", + "variation_id": 0, + "video_id": "67564" + }, + { + "bbox": [ + 0, + 8, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/department.swf", + "variation_id": 0, + "video_id": "15586" + }, + { + "bbox": [ + 28, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51674.mp4", + "variation_id": 0, + "video_id": "15577" + }, + { + "bbox": [ + 727, + 54, + 1546, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Department-ilGcuvmrUQw.mp4", + "variation_id": 0, + "video_id": "15578" + }, + { + "bbox": [ + 122, + 21, + 447, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/department.mp4", + "variation_id": 0, + "video_id": "15581" + } + ] + }, + { + "gloss": "die", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2595, + "frame_start": 2549, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16155" + }, + { + "bbox": [ + 0, + 2, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/die.swf", + "variation_id": 0, + "video_id": "16167" + }, + { + "bbox": [ + 204, + 59, + 582, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/die.mp4", + "variation_id": 0, + "video_id": "16168" + }, + { + "bbox": [ + 165, + 7, + 515, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIE-838.mp4", + "variation_id": 0, + "video_id": "65479" + }, + { + "bbox": [ + 45, + 16, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/8kQ9HH8DMxw", + "variation_id": 0, + "video_id": "67571" + }, + { + "bbox": [ + 141, + 21, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466906721.2683.mp4", + "variation_id": 0, + "video_id": "16161" + }, + { + "bbox": [ + 39, + 5, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/die2.mp4", + "variation_id": 0, + "video_id": "16162" + }, + { + "bbox": [ + 70, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6306.mp4", + "variation_id": 0, + "video_id": "16164" + }, + { + "bbox": [ + 168, + 15, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ghY_NR1ylcQ", + "variation_id": 0, + "video_id": "16165" + } + ] + }, + { + "gloss": "dig", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2762, + "frame_start": 2686, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16225" + }, + { + "bbox": [ + 0, + 5, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dig.swf", + "variation_id": 0, + "video_id": "16239" + }, + { + "bbox": [ + 31, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/73292.mp4", + "variation_id": 0, + "video_id": "16231" + }, + { + "bbox": [ + 169, + 58, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dig.mp4", + "variation_id": 0, + "video_id": "16241" + }, + { + "bbox": [ + 642, + 76, + 1576, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shovel%2C%20Dig-aCvOpUanPAc.mp4", + "variation_id": 0, + "video_id": "16233" + }, + { + "bbox": [ + 97, + 24, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466909733.5279.mp4", + "variation_id": 0, + "video_id": "16235" + }, + { + "bbox": [ + 2, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dig-earth2.mp4", + "variation_id": 0, + "video_id": "16236" + }, + { + "bbox": [ + 9, + 0, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/dig-earth.mp4", + "variation_id": 0, + "video_id": "16237" + }, + { + "bbox": [ + 45, + 19, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3880.mp4", + "variation_id": 0, + "video_id": "16238" + } + ] + }, + { + "gloss": "dinner", + "instances": [ + { + "bbox": [ + 240, + 45, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dinner2.mp4", + "variation_id": 0, + "video_id": "16330" + }, + { + "bbox": [ + 59, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456728.mp4", + "variation_id": 0, + "video_id": "16322" + }, + { + "bbox": [ + 394, + 46, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dinner.mp4", + "variation_id": 0, + "video_id": "16323" + }, + { + "bbox": [ + 178, + 18, + 823, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dinner-9jBzuXsAPvE.mp4", + "variation_id": 0, + "video_id": "16324" + }, + { + "bbox": [ + 110, + 7, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467683132.9168.mp4", + "variation_id": 0, + "video_id": "16325" + }, + { + "bbox": [ + 71, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/dinner.mp4", + "variation_id": 0, + "video_id": "16326" + }, + { + "bbox": [ + 76, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6293.mp4", + "variation_id": 0, + "video_id": "16327" + }, + { + "bbox": [ + 82, + 17, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7586.mp4", + "variation_id": 0, + "video_id": "16328" + }, + { + "bbox": [ + 14, + 19, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dinner.swf", + "variation_id": 0, + "video_id": "16329" + } + ] + }, + { + "gloss": "dinosaur", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2962, + "frame_start": 2906, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16332" + }, + { + "bbox": [ + 146, + 17, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DINOSAUR-832.mp4", + "variation_id": 0, + "video_id": "65483" + }, + { + "bbox": [ + 144, + 35, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/YHqx4bCmG40", + "variation_id": 0, + "video_id": "67570" + }, + { + "bbox": [ + 238, + 46, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dinosaur.mp4", + "variation_id": 0, + "video_id": "16342" + }, + { + "bbox": [ + 71, + 35, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93302.mp4", + "variation_id": 0, + "video_id": "16333" + }, + { + "bbox": [ + 675, + 88, + 1632, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dinosaur%202-igAy4vuVa04.mp4", + "variation_id": 0, + "video_id": "16334" + }, + { + "bbox": [ + 691, + 118, + 1579, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dinosaur-jSgf_venDZs.mp4", + "variation_id": 0, + "video_id": "16335" + }, + { + "bbox": [ + 656, + 91, + 1390, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dinosaur-lGxbAoIhxxg.mp4", + "variation_id": 0, + "video_id": "16336" + }, + { + "bbox": [ + 82, + 6, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467683178.5430.mp4", + "variation_id": 0, + "video_id": "16337" + } + ] + }, + { + "gloss": "diploma", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3015, + "frame_start": 2963, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16350" + }, + { + "bbox": [ + 32, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 78, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399474.mp4", + "variation_id": 0, + "video_id": "16351" + }, + { + "bbox": [ + 41, + 11, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467683231.8098.mp4", + "variation_id": 0, + "video_id": "16352" + }, + { + "bbox": [ + 64, + 12, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/diploma.mp4", + "variation_id": 0, + "video_id": "16353" + }, + { + "bbox": [ + 60, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14084.mp4", + "variation_id": 0, + "video_id": "16354" + }, + { + "bbox": [ + 60, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14085.mp4", + "variation_id": 0, + "video_id": "16355" + }, + { + "bbox": [ + 16, + 9, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/diploma_receiving.swf", + "variation_id": 0, + "video_id": "16356" + }, + { + "bbox": [ + 64, + 3, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/diploma.swf", + "variation_id": 0, + "video_id": "16357" + }, + { + "bbox": [ + 238, + 48, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/diploma.mp4", + "variation_id": 0, + "video_id": "16358" + } + ] + }, + { + "gloss": "director", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3072, + "frame_start": 3016, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16382" + }, + { + "bbox": [ + 167, + 15, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIRECTOR-1257.mp4", + "variation_id": 0, + "video_id": "65484" + }, + { + "bbox": [ + 62, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 78, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399475.mp4", + "variation_id": 0, + "video_id": "16383" + }, + { + "bbox": [ + 85, + 8, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467770132.9687.mp4", + "variation_id": 0, + "video_id": "16384" + }, + { + "bbox": [ + 77, + 16, + 461, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 2, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/director.mp4", + "variation_id": 0, + "video_id": "16385" + }, + { + "bbox": [ + 62, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14193.mp4", + "variation_id": 0, + "video_id": "16386" + }, + { + "bbox": [ + 305, + 36, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=f5yud3flnAQ", + "variation_id": 0, + "video_id": "16387" + }, + { + "bbox": [ + 339, + 40, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=gTifhqJ_fKk", + "variation_id": 0, + "video_id": "16388" + }, + { + "bbox": [ + 22, + 6, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/director.swf", + "variation_id": 0, + "video_id": "16389" + } + ] + }, + { + "gloss": "disconnect", + "instances": [ + { + "bbox": [ + 168, + 14, + 539, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DISCONNECT-1259.mp4", + "variation_id": 0, + "video_id": "65489" + }, + { + "bbox": [ + 112, + 31, + 518, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DISCONNECT-956.mp4", + "variation_id": 0, + "video_id": "65488" + }, + { + "bbox": [ + 59, + 14, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/65959.mp4", + "variation_id": 0, + "video_id": "16525" + }, + { + "bbox": [ + 653, + 68, + 1653, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Break%20Up%2C%20Disconnect-FY3boVNHj2g.mp4", + "variation_id": 0, + "video_id": "16526" + }, + { + "bbox": [ + 590, + 33, + 1771, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Log%20Out%2C%20Sign%20Out%202%2C%20Disconnect%2C%20Release-H7Cj6seX9U8.mp4", + "variation_id": 0, + "video_id": "16527" + }, + { + "bbox": [ + 79, + 13, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467770740.1482.mp4", + "variation_id": 0, + "video_id": "16528" + }, + { + "bbox": [ + 0, + 0, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/disconnect.mp4", + "variation_id": 0, + "video_id": "16529" + }, + { + "bbox": [ + 80, + 8, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14499.mp4", + "variation_id": 0, + "video_id": "16530" + }, + { + "bbox": [ + 225, + 48, + 520, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/disconnect.mp4", + "variation_id": 0, + "video_id": "16531" + } + ] + }, + { + "gloss": "discover", + "instances": [ + { + "bbox": [ + 100, + 3, + 245, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/discover.mov", + "variation_id": 0, + "video_id": "16560" + }, + { + "bbox": [ + 41, + 5, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399576.mp4", + "variation_id": 0, + "video_id": "16561" + }, + { + "bbox": [ + 682, + 49, + 1489, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Discover%2C%20Find%2C%20Pick-jylo-mwwAFQ.mp4", + "variation_id": 0, + "video_id": "16562" + }, + { + "bbox": [ + 772, + 100, + 1710, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Discover-Q7atUy4RYYA.mp4", + "variation_id": 0, + "video_id": "16563" + }, + { + "bbox": [ + 71, + 15, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467770798.7505.mp4", + "variation_id": 0, + "video_id": "16564" + }, + { + "bbox": [ + 132, + 5, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/discover.mp4", + "variation_id": 0, + "video_id": "16565" + }, + { + "bbox": [ + 68, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9553.mp4", + "variation_id": 0, + "video_id": "16567" + }, + { + "bbox": [ + 2, + 19, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/discover.swf", + "variation_id": 0, + "video_id": "16568" + }, + { + "bbox": [ + 229, + 49, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/discover.mp4", + "variation_id": 0, + "video_id": "16569" + } + ] + }, + { + "gloss": "don't want", + "instances": [ + { + "bbox": [ + 90, + 19, + 451, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DON'T-WANT-442.mp4", + "variation_id": 0, + "video_id": "65518" + }, + { + "bbox": [ + 69, + 0, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456762.mp4", + "variation_id": 0, + "video_id": "17298" + }, + { + "bbox": [ + 634, + 66, + 1602, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Don%27t%20Want-snz-6bSXqto.mp4", + "variation_id": 0, + "video_id": "17300" + }, + { + "bbox": [ + 342, + 31, + 931, + 720 + ], + "fps": 25, + "frame_end": 38, + "frame_start": 1, + "instance_id": 3, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=BRhOtCgVjXw", + "variation_id": 0, + "video_id": "68356" + }, + { + "bbox": [ + 368, + 22, + 1096, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=GDPFbcykUxg", + "variation_id": 0, + "video_id": "68037" + }, + { + "bbox": [ + 96, + 10, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467772974.590.mp4", + "variation_id": 0, + "video_id": "17301" + }, + { + "bbox": [ + 55, + 10, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9506.mp4", + "variation_id": 0, + "video_id": "17302" + }, + { + "bbox": [ + 356, + 64, + 903, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 51, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=llwMsNh3uHI", + "variation_id": 0, + "video_id": "17303" + }, + { + "bbox": [ + 163, + 54, + 595, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/didnt-want.mp4", + "variation_id": 0, + "video_id": "17306" + } + ] + }, + { + "gloss": "drum", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4706, + "frame_start": 4657, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17895" + }, + { + "bbox": [ + 272, + 27, + 1133, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/drum.mp4", + "variation_id": 0, + "video_id": "69303" + }, + { + "bbox": [ + 147, + 17, + 507, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DR/DRUM-1281.mp4", + "variation_id": 0, + "video_id": "65547" + }, + { + "bbox": [ + 43, + 0, + 490, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/7kIikiyextU", + "variation_id": 0, + "video_id": "67597" + }, + { + "bbox": [ + 24, + 37, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93329.mp4", + "variation_id": 0, + "video_id": "17896" + }, + { + "bbox": [ + 580, + 79, + 1813, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drums-09-QiY_hI_8.mp4", + "variation_id": 0, + "video_id": "17897" + }, + { + "bbox": [ + 19, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drum.mp4", + "variation_id": 0, + "video_id": "17898" + }, + { + "bbox": [ + 0, + 5, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/d/drum.swf", + "variation_id": 0, + "video_id": "17899" + }, + { + "bbox": [ + 146, + 54, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drums.mp4", + "variation_id": 0, + "video_id": "17900" + } + ] + }, + { + "gloss": "each", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 70, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18108" + }, + { + "bbox": [ + 17, + 4, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/each.swf", + "variation_id": 0, + "video_id": "18117" + }, + { + "bbox": [ + 177, + 49, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/each.mp4", + "variation_id": 0, + "video_id": "18118" + }, + { + "bbox": [ + 78, + 36, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93335.mp4", + "variation_id": 0, + "video_id": "18109" + }, + { + "bbox": [ + 97, + 15, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468207141.7652.mp4", + "variation_id": 0, + "video_id": "18110" + }, + { + "bbox": [ + 171, + 24, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/each.mp4", + "variation_id": 0, + "video_id": "18111" + }, + { + "bbox": [ + 87, + 24, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22617.mp4", + "variation_id": 0, + "video_id": "18113" + }, + { + "bbox": [ + 356, + 31, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=EE8SbEdpQ3A", + "variation_id": 0, + "video_id": "18115" + }, + { + "bbox": [ + 356, + 31, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EE8SbEdpQ3A", + "variation_id": 0, + "video_id": "18116" + } + ] + }, + { + "gloss": "educate", + "instances": [ + { + "bbox": [ + 52, + 18, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96299.mp4", + "variation_id": 0, + "video_id": "18413" + }, + { + "bbox": [ + 596, + 51, + 1587, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Educate%203-C20YRk5glNY.mp4", + "variation_id": 0, + "video_id": "18415" + }, + { + "bbox": [ + 730, + 55, + 1572, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Educate-grmE5km0k5Q.mp4", + "variation_id": 0, + "video_id": "18416" + }, + { + "bbox": [ + 58, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943416.7262.mp4", + "variation_id": 0, + "video_id": "18417" + }, + { + "bbox": [ + 33, + 9, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/educate.mp4", + "variation_id": 0, + "video_id": "18418" + }, + { + "bbox": [ + 51, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6746.mp4", + "variation_id": 0, + "video_id": "18419" + }, + { + "bbox": [ + 70, + 15, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8206.mp4", + "variation_id": 0, + "video_id": "18420" + }, + { + "bbox": [ + 0, + 13, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/educate.swf", + "variation_id": 0, + "video_id": "18421" + }, + { + "bbox": [ + 178, + 54, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/educate.mp4", + "variation_id": 0, + "video_id": "18422" + } + ] + }, + { + "gloss": "electrician", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 981, + "frame_start": 909, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18719" + }, + { + "bbox": [ + 176, + 10, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 95, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EL/ELECTRICIAN-2754.mp4", + "variation_id": 0, + "video_id": "65618" + }, + { + "bbox": [ + 102, + 15, + 408, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BaGD844kpbI", + "variation_id": 0, + "video_id": "67615" + }, + { + "bbox": [ + 47, + 11, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63610.mp4", + "variation_id": 0, + "video_id": "18720" + }, + { + "bbox": [ + 58, + 7, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/electrician.mp4", + "variation_id": 0, + "video_id": "18722" + }, + { + "bbox": [ + 63, + 14, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24003.mp4", + "variation_id": 0, + "video_id": "18723" + }, + { + "bbox": [ + 65, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24004.mp4", + "variation_id": 0, + "video_id": "18724" + }, + { + "bbox": [ + 21, + 4, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/electrician.swf", + "variation_id": 0, + "video_id": "18725" + }, + { + "bbox": [ + 180, + 54, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/electrician.mp4", + "variation_id": 0, + "video_id": "18726" + } + ] + }, + { + "gloss": "empty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1428, + "frame_start": 1406, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19044" + }, + { + "bbox": [ + 17, + 19, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/empty.swf", + "variation_id": 0, + "video_id": "19056" + }, + { + "bbox": [ + 184, + 53, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/empty.mp4", + "variation_id": 0, + "video_id": "19057" + }, + { + "bbox": [ + 174, + 15, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EM/EMPTY-124.mp4", + "variation_id": 0, + "video_id": "65627" + }, + { + "bbox": [ + 395, + 59, + 824, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/empty.mp4", + "variation_id": 0, + "video_id": "19049" + }, + { + "bbox": [ + 61, + 13, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468375815.3707.mp4", + "variation_id": 0, + "video_id": "19051" + }, + { + "bbox": [ + 60, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/empty.mp4", + "variation_id": 0, + "video_id": "19053" + }, + { + "bbox": [ + 78, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7803.mp4", + "variation_id": 0, + "video_id": "19054" + }, + { + "bbox": [ + 344, + 48, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HaB-QtL36VY", + "variation_id": 0, + "video_id": "19055" + } + ] + }, + { + "gloss": "england", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1778, + "frame_start": 1739, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19218" + }, + { + "bbox": [ + 88, + 18, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22139.mp4", + "variation_id": 0, + "video_id": "19226" + }, + { + "bbox": [ + 348, + 44, + 1043, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_Q0GxbRQnKQ", + "variation_id": 0, + "video_id": "19227" + }, + { + "bbox": [ + 21, + 20, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/england.swf", + "variation_id": 0, + "video_id": "19228" + }, + { + "bbox": [ + 190, + 53, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/english.mp4", + "variation_id": 0, + "video_id": "19229" + }, + { + "bbox": [ + 57, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399493.mp4", + "variation_id": 0, + "video_id": "19219" + }, + { + "bbox": [ + 506, + 120, + 1457, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20England-FeiT0xYUXtM.mp4", + "variation_id": 0, + "video_id": "19223" + }, + { + "bbox": [ + 89, + 8, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468376344.8514.mp4", + "variation_id": 0, + "video_id": "19224" + }, + { + "bbox": [ + 60, + 6, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/england.mp4", + "variation_id": 0, + "video_id": "19225" + } + ] + }, + { + "gloss": "establish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2258, + "frame_start": 2222, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19611" + }, + { + "bbox": [ + 60, + 16, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91382.mp4", + "variation_id": 0, + "video_id": "19614" + }, + { + "bbox": [ + 739, + 69, + 1625, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Establish%2C%20Founded-8COaHcWP62g.mp4", + "variation_id": 0, + "video_id": "19615" + }, + { + "bbox": [ + 54, + 0, + 607, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468377203.1180.mp4", + "variation_id": 0, + "video_id": "19616" + }, + { + "bbox": [ + 108, + 0, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/establish.mp4", + "variation_id": 0, + "video_id": "19618" + }, + { + "bbox": [ + 62, + 11, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9914.mp4", + "variation_id": 0, + "video_id": "19619" + }, + { + "bbox": [ + 311, + 44, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8r4z8wa4Y8E", + "variation_id": 0, + "video_id": "19620" + }, + { + "bbox": [ + 0, + 22, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/establish.swf", + "variation_id": 0, + "video_id": "19621" + }, + { + "bbox": [ + 227, + 45, + 512, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/establish.mp4", + "variation_id": 0, + "video_id": "19622" + } + ] + }, + { + "gloss": "excuse", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3159, + "frame_start": 3127, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20197" + }, + { + "bbox": [ + 150, + 16, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXCUSE-833.mp4", + "variation_id": 0, + "video_id": "65656" + }, + { + "bbox": [ + 95, + 17, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/08b0Xn0n3tw", + "variation_id": 0, + "video_id": "67633" + }, + { + "bbox": [ + 54, + 7, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378872.2720.mp4", + "variation_id": 0, + "video_id": "20198" + }, + { + "bbox": [ + 40, + 0, + 510, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/excuse.mp4", + "variation_id": 0, + "video_id": "20199" + }, + { + "bbox": [ + 69, + 23, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/excuse-reason.mp4", + "variation_id": 0, + "video_id": "20200" + }, + { + "bbox": [ + 59, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6253.mp4", + "variation_id": 0, + "video_id": "20201" + }, + { + "bbox": [ + 367, + 46, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=wgb7pcdTIy8", + "variation_id": 0, + "video_id": "20202" + }, + { + "bbox": [ + 18, + 9, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/excuse.swf", + "variation_id": 0, + "video_id": "20203" + } + ] + }, + { + "gloss": "eyeglasses", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3706, + "frame_start": 3624, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20621" + }, + { + "bbox": [ + 67, + 13, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7800.mp4", + "variation_id": 0, + "video_id": "20629" + }, + { + "bbox": [ + 2, + 6, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/e/eyeglasses.swf", + "variation_id": 0, + "video_id": "20630" + }, + { + "bbox": [ + 89, + 20, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Enn3GL6Mufs", + "variation_id": 0, + "video_id": "67638" + }, + { + "bbox": [ + 189, + 56, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/eyeglasses.mp4", + "variation_id": 0, + "video_id": "20631" + }, + { + "bbox": [ + 54, + 40, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92977.mp4", + "variation_id": 0, + "video_id": "20622" + }, + { + "bbox": [ + 31, + 4, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549134.8281.mp4", + "variation_id": 0, + "video_id": "20623" + }, + { + "bbox": [ + 31, + 20, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/e/eyeglasses2.mp4", + "variation_id": 0, + "video_id": "20624" + }, + { + "bbox": [ + 28, + 15, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/eyeglasses-old2.mp4", + "variation_id": 0, + "video_id": "20626" + } + ] + }, + { + "gloss": "faculty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 177, + "frame_start": 121, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20765" + }, + { + "bbox": [ + 211, + 32, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FACULTY-1378.mp4", + "variation_id": 0, + "video_id": "65671" + }, + { + "bbox": [ + 74, + 34, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92984.mp4", + "variation_id": 0, + "video_id": "20766" + }, + { + "bbox": [ + 746, + 47, + 1612, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Faculty-5zQwo76RWPw.mp4", + "variation_id": 0, + "video_id": "20767" + }, + { + "bbox": [ + 54, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468865913.2014.mp4", + "variation_id": 0, + "video_id": "20768" + }, + { + "bbox": [ + 54, + 0, + 318, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/faculty.mp4", + "variation_id": 0, + "video_id": "20769" + }, + { + "bbox": [ + 46, + 9, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1531.mp4", + "variation_id": 0, + "video_id": "20770" + }, + { + "bbox": [ + 299, + 34, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=PMEE-ikVncA", + "variation_id": 0, + "video_id": "20771" + }, + { + "bbox": [ + 3, + 18, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/faculty.swf", + "variation_id": 0, + "video_id": "20772" + } + ] + }, + { + "gloss": "fall in love", + "instances": [ + { + "bbox": [ + 67, + 0, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455622.mp4", + "variation_id": 0, + "video_id": "20922" + }, + { + "bbox": [ + 366, + 19, + 903, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=3lXlUcEY0LU", + "variation_id": 0, + "video_id": "68234" + }, + { + "bbox": [ + 426, + 57, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fall-in-love.mp4", + "variation_id": 0, + "video_id": "20923" + }, + { + "bbox": [ + 466, + 33, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Fall%20in%20Love.mp4", + "variation_id": 0, + "video_id": "20924" + }, + { + "bbox": [ + 73, + 6, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468463059.5665.mp4", + "variation_id": 0, + "video_id": "20925" + }, + { + "bbox": [ + 89, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/fall-in-love.mp4", + "variation_id": 0, + "video_id": "20927" + }, + { + "bbox": [ + 75, + 18, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7472.mp4", + "variation_id": 0, + "video_id": "20928" + }, + { + "bbox": [ + 350, + 39, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=h4q3_i7hhcM", + "variation_id": 0, + "video_id": "20930" + }, + { + "bbox": [ + 334, + 48, + 1092, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YE4kHW20tCI", + "variation_id": 0, + "video_id": "20931" + } + ] + }, + { + "gloss": "famous", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 426, + "frame_start": 374, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21008" + }, + { + "bbox": [ + 141, + 33, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAMOUS-1380.mp4", + "variation_id": 0, + "video_id": "65678" + }, + { + "bbox": [ + 40, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455627.mp4", + "variation_id": 0, + "video_id": "21009" + }, + { + "bbox": [ + 338, + 57, + 867, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/famous.mp4", + "variation_id": 0, + "video_id": "21010" + }, + { + "bbox": [ + 16, + 8, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468463198.4120.mp4", + "variation_id": 0, + "video_id": "21011" + }, + { + "bbox": [ + 29, + 10, + 638, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/famous.mp4", + "variation_id": 0, + "video_id": "21012" + }, + { + "bbox": [ + 37, + 8, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9504.mp4", + "variation_id": 0, + "video_id": "21013" + }, + { + "bbox": [ + 0, + 7, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/f/famous.swf", + "variation_id": 0, + "video_id": "21014" + }, + { + "bbox": [ + 158, + 46, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/achieve.mp4", + "variation_id": 0, + "video_id": "21015" + } + ] + }, + { + "gloss": "farm", + "instances": [ + { + "bbox": [ + 147, + 15, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/farm.mp4", + "variation_id": 0, + "video_id": "69317" + }, + { + "bbox": [ + 663, + 57, + 1449, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Farm-ZKobCa7I9as.mp4", + "variation_id": 0, + "video_id": "21100" + }, + { + "bbox": [ + 22, + 1, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463368.1259.mp4", + "variation_id": 0, + "video_id": "21101" + }, + { + "bbox": [ + 79, + 17, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7318.mp4", + "variation_id": 0, + "video_id": "21103" + }, + { + "bbox": [ + 317, + 37, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=smPpqc0kwFE", + "variation_id": 0, + "video_id": "21104" + }, + { + "bbox": [ + 157, + 17, + 454, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FARM-128.mp4", + "variation_id": 0, + "video_id": "65685" + }, + { + "bbox": [ + 201, + 37, + 474, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/farm.mp4", + "variation_id": 0, + "video_id": "21106" + }, + { + "bbox": [ + 62, + 7, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/63638.mp4", + "variation_id": 0, + "video_id": "21096" + }, + { + "bbox": [ + 734, + 56, + 1576, + 1063 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Farm-9vRt6zj-SrQ.mp4", + "variation_id": 0, + "video_id": "21099" + } + ] + }, + { + "gloss": "fence", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1175, + "frame_start": 1133, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21486" + }, + { + "bbox": [ + 87, + 19, + 525, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FE/FENCE-631.mp4", + "variation_id": 0, + "video_id": "65699" + }, + { + "bbox": [ + 155, + 37, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fence.mp4", + "variation_id": 0, + "video_id": "21496" + }, + { + "bbox": [ + 7, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/73306.mp4", + "variation_id": 0, + "video_id": "21487" + }, + { + "bbox": [ + 343, + 52, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fence.mp4", + "variation_id": 0, + "video_id": "21488" + }, + { + "bbox": [ + 31, + 24, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1499869659.7794.mp4", + "variation_id": 0, + "video_id": "21489" + }, + { + "bbox": [ + 34, + 0, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fence.mp4", + "variation_id": 0, + "video_id": "21490" + }, + { + "bbox": [ + 8, + 9, + 269, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/1/1552.mp4", + "variation_id": 0, + "video_id": "21491" + }, + { + "bbox": [ + 305, + 52, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V6fLSvCCkWs", + "variation_id": 0, + "video_id": "21492" + } + ] + }, + { + "gloss": "fix", + "instances": [ + { + "bbox": [ + 379, + 40, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/fix.mp4", + "variation_id": 0, + "video_id": "69327" + }, + { + "bbox": [ + 276, + 31, + 1023, + 720 + ], + "fps": 25, + "frame_end": 103, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=unUeN03dmqA", + "variation_id": 0, + "video_id": "68946" + }, + { + "bbox": [ + 84, + 16, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8352.mp4", + "variation_id": 0, + "video_id": "22247" + }, + { + "bbox": [ + 54, + 11, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63614.mp4", + "variation_id": 0, + "video_id": "22238" + }, + { + "bbox": [ + 4, + 10, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/f/fix.swf", + "variation_id": 0, + "video_id": "22249" + }, + { + "bbox": [ + 202, + 44, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/repair.mp4", + "variation_id": 0, + "video_id": "22251" + }, + { + "bbox": [ + 446, + 61, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/fixing.mp4", + "variation_id": 0, + "video_id": "22239" + }, + { + "bbox": [ + 108, + 11, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468512456.1936.mp4", + "variation_id": 0, + "video_id": "22240" + }, + { + "bbox": [ + 47, + 17, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fix-mend.mp4", + "variation_id": 0, + "video_id": "22242" + } + ] + }, + { + "gloss": "flexible", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1837, + "frame_start": 1785, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22408" + }, + { + "bbox": [ + 66, + 32, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/87769.mp4", + "variation_id": 0, + "video_id": "22409" + }, + { + "bbox": [ + 611, + 101, + 1316, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Flexible%2C%20Loose-CPbebCBnd6g.mp4", + "variation_id": 0, + "video_id": "22410" + }, + { + "bbox": [ + 630, + 148, + 1616, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Flexible-y3EjgH_HzEQ.mp4", + "variation_id": 0, + "video_id": "22411" + }, + { + "bbox": [ + 655, + 39, + 1580, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Plastic-pkBBoHmeP5Q.mp4", + "variation_id": 0, + "video_id": "22412" + }, + { + "bbox": [ + 122, + 34, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1499869684.3284.mp4", + "variation_id": 0, + "video_id": "22413" + }, + { + "bbox": [ + 106, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/flexible.mp4", + "variation_id": 0, + "video_id": "22414" + }, + { + "bbox": [ + 44, + 7, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/1/1570.mp4", + "variation_id": 0, + "video_id": "22415" + }, + { + "bbox": [ + 175, + 55, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/elastic.mp4", + "variation_id": 0, + "video_id": "22416" + } + ] + }, + { + "gloss": "flirt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1884, + "frame_start": 1838, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22453" + }, + { + "bbox": [ + 156, + 17, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FL/FLIRT-2565.mp4", + "variation_id": 0, + "video_id": "65744" + }, + { + "bbox": [ + 74, + 16, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91411.mp4", + "variation_id": 0, + "video_id": "22455" + }, + { + "bbox": [ + 699, + 73, + 1573, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Flirt-hiqCb7JA9F4.mp4", + "variation_id": 0, + "video_id": "22456" + }, + { + "bbox": [ + 127, + 31, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522677160.4986.mp4", + "variation_id": 0, + "video_id": "22457" + }, + { + "bbox": [ + 44, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/flirt.mp4", + "variation_id": 0, + "video_id": "22458" + }, + { + "bbox": [ + 61, + 12, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1572.mp4", + "variation_id": 0, + "video_id": "22459" + }, + { + "bbox": [ + 327, + 34, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=c-GZLs_svXE", + "variation_id": 0, + "video_id": "22460" + }, + { + "bbox": [ + 179, + 55, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/crush.mp4", + "variation_id": 0, + "video_id": "22462" + } + ] + }, + { + "gloss": "flood", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1971, + "frame_start": 1885, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22479" + }, + { + "bbox": [ + 63, + 1, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/flood.swf", + "variation_id": 0, + "video_id": "22488" + }, + { + "bbox": [ + 169, + 52, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/flood.mp4", + "variation_id": 0, + "video_id": "22489" + }, + { + "bbox": [ + 417, + 57, + 847, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/flood.mp4", + "variation_id": 0, + "video_id": "22481" + }, + { + "bbox": [ + 8, + 8, + 636, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468512730.1368.mp4", + "variation_id": 0, + "video_id": "22483" + }, + { + "bbox": [ + 62, + 10, + 622, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/flood.mp4", + "variation_id": 0, + "video_id": "22484" + }, + { + "bbox": [ + 62, + 19, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22629.mp4", + "variation_id": 0, + "video_id": "22485" + }, + { + "bbox": [ + 206, + 39, + 1101, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=GJjYVnPhobI", + "variation_id": 0, + "video_id": "22486" + }, + { + "bbox": [ + 179, + 40, + 1140, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Od4BsRl6fPQ", + "variation_id": 0, + "video_id": "22487" + } + ] + }, + { + "gloss": "fork", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2655, + "frame_start": 2579, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23002" + }, + { + "bbox": [ + 132, + 32, + 287, + 240 + ], + "fps": 25, + "frame_end": 4060, + "frame_start": 3942, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70319" + }, + { + "bbox": [ + 359, + 67, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=xCEd9eeMUyc", + "variation_id": 0, + "video_id": "23011" + }, + { + "bbox": [ + 0, + 0, + 243, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fork_serving.swf", + "variation_id": 0, + "video_id": "23012" + }, + { + "bbox": [ + 158, + 19, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FORK-136.mp4", + "variation_id": 0, + "video_id": "65762" + }, + { + "bbox": [ + 573, + 88, + 1534, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fork-csuHqZD5Y6k.mp4", + "variation_id": 0, + "video_id": "23005" + }, + { + "bbox": [ + 80, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513527.2789.mp4", + "variation_id": 0, + "video_id": "23006" + }, + { + "bbox": [ + 65, + 13, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/fork-cutlery.mp4", + "variation_id": 0, + "video_id": "23008" + }, + { + "bbox": [ + 71, + 24, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22559.mp4", + "variation_id": 0, + "video_id": "23009" + } + ] + }, + { + "gloss": "four", + "instances": [ + { + "bbox": [ + 275, + 41, + 877, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/four.mp4", + "variation_id": 0, + "video_id": "69333" + }, + { + "bbox": [ + 163, + 2, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 105, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOUR-461.mp4", + "variation_id": 0, + "video_id": "65768" + }, + { + "bbox": [ + 56, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 1, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357175.mp4", + "variation_id": 0, + "video_id": "23199" + }, + { + "bbox": [ + 102, + 23, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/OXht3Dy0ncQ", + "variation_id": 0, + "video_id": "67683" + }, + { + "bbox": [ + 705, + 98, + 1510, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%204-jA2eoxloaHc.mp4", + "variation_id": 0, + "video_id": "23200" + }, + { + "bbox": [ + 38, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/four2.mp4", + "variation_id": 0, + "video_id": "23201" + }, + { + "bbox": [ + 86, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11004.mp4", + "variation_id": 0, + "video_id": "23202" + }, + { + "bbox": [ + 167, + 10, + 484, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=AJL5-IfUXhY", + "variation_id": 0, + "video_id": "23204" + }, + { + "bbox": [ + 0, + 17, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/four.swf", + "variation_id": 0, + "video_id": "23205" + } + ] + }, + { + "gloss": "fun", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3335, + "frame_start": 3289, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23799" + }, + { + "bbox": [ + 327, + 38, + 896, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/fun.mp4", + "variation_id": 0, + "video_id": "69338" + }, + { + "bbox": [ + 176, + 50, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fun.mp4", + "variation_id": 0, + "video_id": "23859" + }, + { + "bbox": [ + 150, + 19, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FU/FUN-141.mp4", + "variation_id": 0, + "video_id": "65793" + }, + { + "bbox": [ + 71, + 38, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93063.mp4", + "variation_id": 0, + "video_id": "23851" + }, + { + "bbox": [ + 825, + 61, + 1752, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fun-qPGP6HT5FVs.mp4", + "variation_id": 0, + "video_id": "23852" + }, + { + "bbox": [ + 69, + 12, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514632.9109.mp4", + "variation_id": 0, + "video_id": "23853" + }, + { + "bbox": [ + 59, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/f/fun.mp4", + "variation_id": 0, + "video_id": "23855" + }, + { + "bbox": [ + 65, + 25, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22977.mp4", + "variation_id": 0, + "video_id": "23857" + } + ] + }, + { + "gloss": "funeral", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3405, + "frame_start": 3336, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23838" + }, + { + "bbox": [ + 66, + 36, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93064.mp4", + "variation_id": 0, + "video_id": "23840" + }, + { + "bbox": [ + 760, + 73, + 1617, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Funeral-ELfYHuEVETg.mp4", + "variation_id": 0, + "video_id": "23841" + }, + { + "bbox": [ + 94, + 4, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514659.1496.mp4", + "variation_id": 0, + "video_id": "23842" + }, + { + "bbox": [ + 65, + 0, + 639, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/funeral.mp4", + "variation_id": 0, + "video_id": "23843" + }, + { + "bbox": [ + 88, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6048.mp4", + "variation_id": 0, + "video_id": "23844" + }, + { + "bbox": [ + 277, + 40, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oiHFsBOr8ZM", + "variation_id": 0, + "video_id": "23845" + }, + { + "bbox": [ + 1, + 8, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/f/funeral.swf", + "variation_id": 0, + "video_id": "23846" + }, + { + "bbox": [ + 183, + 49, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/funeral.mp4", + "variation_id": 0, + "video_id": "23847" + } + ] + }, + { + "gloss": "furniture", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3515, + "frame_start": 3463, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23900" + }, + { + "bbox": [ + 99, + 21, + 478, + 480 + ], + "fps": 25, + "frame_end": 6088, + "frame_start": 5975, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70044" + }, + { + "bbox": [ + 38, + 15, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/furniture.mp4", + "variation_id": 0, + "video_id": "23906" + }, + { + "bbox": [ + 78, + 15, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6914.mp4", + "variation_id": 0, + "video_id": "23907" + }, + { + "bbox": [ + 345, + 46, + 899, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=AG4ZNOYVZN4", + "variation_id": 0, + "video_id": "23909" + }, + { + "bbox": [ + 83, + 23, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/V3pQpgRSfiI", + "variation_id": 0, + "video_id": "67699" + }, + { + "bbox": [ + 0, + 7, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/f/furniture_corner_piece.swf", + "variation_id": 0, + "video_id": "23910" + }, + { + "bbox": [ + 167, + 51, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/furniture.mp4", + "variation_id": 0, + "video_id": "23913" + }, + { + "bbox": [ + 433, + 52, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/furniture.mp4", + "variation_id": 0, + "video_id": "23902" + } + ] + }, + { + "gloss": "gallaudet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "23986" + }, + { + "bbox": [ + 148, + 39, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GA/GALLAUDET-1509.mp4", + "variation_id": 0, + "video_id": "65799" + }, + { + "bbox": [ + 97, + 13, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/5aHfkQyhzk8", + "variation_id": 0, + "video_id": "67701" + }, + { + "bbox": [ + 707, + 119, + 1626, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gallaudet-79dU1_BoVis.mp4", + "variation_id": 0, + "video_id": "23987" + }, + { + "bbox": [ + 26, + 8, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/gallaudet.mp4", + "variation_id": 0, + "video_id": "23989" + }, + { + "bbox": [ + 65, + 15, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7801.mp4", + "variation_id": 0, + "video_id": "23990" + }, + { + "bbox": [ + 300, + 42, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=oFhfZP3Ufuw", + "variation_id": 0, + "video_id": "23991" + }, + { + "bbox": [ + 27, + 21, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/g/gallaudet.swf", + "variation_id": 0, + "video_id": "23992" + }, + { + "bbox": [ + 152, + 54, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gallaudet.mp4", + "variation_id": 0, + "video_id": "23993" + } + ] + }, + { + "gloss": "general", + "instances": [ + { + "bbox": [ + 28, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456386.mp4", + "variation_id": 0, + "video_id": "24249" + }, + { + "bbox": [ + 213, + 40, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/general.mp4", + "variation_id": 0, + "video_id": "24258" + }, + { + "bbox": [ + 213, + 40, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/general.mp4", + "variation_id": 0, + "video_id": "24259" + }, + { + "bbox": [ + 607, + 55, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20General%2C%20Public-wmuB4qIFzqI.mp4", + "variation_id": 0, + "video_id": "24250" + }, + { + "bbox": [ + 69, + 9, + 634, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468515286.8422.mp4", + "variation_id": 0, + "video_id": "24251" + }, + { + "bbox": [ + 62, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/general.mp4", + "variation_id": 0, + "video_id": "24252" + }, + { + "bbox": [ + 19, + 13, + 265, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23905.mp4", + "variation_id": 0, + "video_id": "24253" + }, + { + "bbox": [ + 154, + 50, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qfn0Tl2caZc", + "variation_id": 0, + "video_id": "24256" + }, + { + "bbox": [ + 0, + 6, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/general.swf", + "variation_id": 0, + "video_id": "24257" + } + ] + }, + { + "gloss": "ghost", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 626, + "frame_start": 570, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24514" + }, + { + "bbox": [ + 137, + 34, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GH/GHOST-1879.mp4", + "variation_id": 0, + "video_id": "65815" + }, + { + "bbox": [ + 62, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456443.mp4", + "variation_id": 0, + "video_id": "24515" + }, + { + "bbox": [ + 134, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842505.9874.mp4", + "variation_id": 0, + "video_id": "24516" + }, + { + "bbox": [ + 127, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/ghost.mp4", + "variation_id": 0, + "video_id": "24517" + }, + { + "bbox": [ + 66, + 17, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6486.mp4", + "variation_id": 0, + "video_id": "24518" + }, + { + "bbox": [ + 69, + 17, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6487.mp4", + "variation_id": 0, + "video_id": "24519" + }, + { + "bbox": [ + 318, + 23, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=4FxYGgi5NzQ", + "variation_id": 0, + "video_id": "24520" + }, + { + "bbox": [ + 221, + 44, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ghost.mp4", + "variation_id": 0, + "video_id": "24522" + } + ] + }, + { + "gloss": "give up", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 823, + "frame_start": 777, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24679" + }, + { + "bbox": [ + 117, + 36, + 514, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GI/GIVE-UP-1877.mp4", + "variation_id": 0, + "video_id": "65820" + }, + { + "bbox": [ + 38, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456449.mp4", + "variation_id": 0, + "video_id": "24680" + }, + { + "bbox": [ + 495, + 73, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Give%20Up-Bv5ttvCm0dE.mp4", + "variation_id": 0, + "video_id": "24681" + }, + { + "bbox": [ + 91, + 48, + 629, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1513522068.978.mp4", + "variation_id": 0, + "video_id": "24682" + }, + { + "bbox": [ + 26, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/give-up.mp4", + "variation_id": 0, + "video_id": "24684" + }, + { + "bbox": [ + 40, + 18, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22279.mp4", + "variation_id": 0, + "video_id": "24685" + }, + { + "bbox": [ + 0, + 9, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/g/give_up.swf", + "variation_id": 0, + "video_id": "24686" + }, + { + "bbox": [ + 157, + 58, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/give-up.mp4", + "variation_id": 0, + "video_id": "24687" + } + ] + }, + { + "gloss": "glass", + "instances": [ + { + "bbox": [ + 403, + 34, + 925, + 715 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/glass.mp4", + "variation_id": 0, + "video_id": "69344" + }, + { + "bbox": [ + 217, + 22, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GL/GLASS-144.mp4", + "variation_id": 0, + "video_id": "65821" + }, + { + "bbox": [ + 72, + 19, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8574.mp4", + "variation_id": 0, + "video_id": "24741" + }, + { + "bbox": [ + 72, + 0, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456451.mp4", + "variation_id": 0, + "video_id": "24734" + }, + { + "bbox": [ + 348, + 53, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=UNKBkD3UbUk", + "variation_id": 0, + "video_id": "24744" + }, + { + "bbox": [ + 0, + 13, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 83, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/g/glass.swf", + "variation_id": 0, + "video_id": "24745" + }, + { + "bbox": [ + 181, + 63, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/glass.mp4", + "variation_id": 0, + "video_id": "24746" + }, + { + "bbox": [ + 433, + 56, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/glass.mp4", + "variation_id": 0, + "video_id": "24735" + }, + { + "bbox": [ + 85, + 9, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468549066.4394.mp4", + "variation_id": 0, + "video_id": "24736" + } + ] + }, + { + "gloss": "gorilla", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1356, + "frame_start": 1284, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25166" + }, + { + "bbox": [ + 173, + 43, + 511, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gorilla.mp4", + "variation_id": 0, + "video_id": "25174" + }, + { + "bbox": [ + 127, + 17, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GO/GORILLA-473.mp4", + "variation_id": 0, + "video_id": "65838" + }, + { + "bbox": [ + 88, + 13, + 446, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hLWnFnyTV4s", + "variation_id": 0, + "video_id": "67720" + }, + { + "bbox": [ + 19, + 41, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93095.mp4", + "variation_id": 0, + "video_id": "25167" + }, + { + "bbox": [ + 529, + 104, + 1621, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rwanda%2C%20Gorilla-j3tYegNrULo.mp4", + "variation_id": 0, + "video_id": "25168" + }, + { + "bbox": [ + 24, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gorilla.mp4", + "variation_id": 0, + "video_id": "25170" + }, + { + "bbox": [ + 67, + 10, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7430.mp4", + "variation_id": 0, + "video_id": "25171" + }, + { + "bbox": [ + 0, + 0, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/g/gorilla_1.swf", + "variation_id": 0, + "video_id": "25172" + } + ] + }, + { + "gloss": "gray", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1925, + "frame_start": 1883, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25568" + }, + { + "bbox": [ + 158, + 43, + 411, + 360 + ], + "fps": 25, + "frame_end": 1814, + "frame_start": 1725, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=WprUBqi3iBc", + "variation_id": 0, + "video_id": "70248" + }, + { + "bbox": [ + 172, + 56, + 524, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gray.mp4", + "variation_id": 0, + "video_id": "25578" + }, + { + "bbox": [ + 168, + 37, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRAY-1857.mp4", + "variation_id": 0, + "video_id": "65852" + }, + { + "bbox": [ + 229, + 15, + 532, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/gray.mp4", + "variation_id": 0, + "video_id": "25570" + }, + { + "bbox": [ + 233, + 31, + 1125, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Gray.mp4", + "variation_id": 0, + "video_id": "25572" + }, + { + "bbox": [ + 94, + 10, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468550615.6627.mp4", + "variation_id": 0, + "video_id": "25573" + }, + { + "bbox": [ + 59, + 18, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/gray-us.mp4", + "variation_id": 0, + "video_id": "25575" + }, + { + "bbox": [ + 78, + 14, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7058.mp4", + "variation_id": 0, + "video_id": "25576" + } + ] + }, + { + "gloss": "guide", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2174, + "frame_start": 2125, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25939" + }, + { + "bbox": [ + 50, + 29, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96448.mp4", + "variation_id": 0, + "video_id": "25941" + }, + { + "bbox": [ + 86, + 10, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468551049.6840.mp4", + "variation_id": 0, + "video_id": "25942" + }, + { + "bbox": [ + 60, + 5, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/guide2.mp4", + "variation_id": 0, + "video_id": "25943" + }, + { + "bbox": [ + 70, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/g/guide.mp4", + "variation_id": 0, + "video_id": "25944" + }, + { + "bbox": [ + 66, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14178.mp4", + "variation_id": 0, + "video_id": "25945" + }, + { + "bbox": [ + 70, + 14, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9681.mp4", + "variation_id": 0, + "video_id": "25946" + }, + { + "bbox": [ + 0, + 6, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/g/guide.swf", + "variation_id": 0, + "video_id": "25947" + }, + { + "bbox": [ + 184, + 60, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/guide.mp4", + "variation_id": 0, + "video_id": "25948" + } + ] + }, + { + "gloss": "habit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 70, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26079" + }, + { + "bbox": [ + 40, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486610.mp4", + "variation_id": 0, + "video_id": "26082" + }, + { + "bbox": [ + 95, + 13, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468551349.1494.mp4", + "variation_id": 0, + "video_id": "26083" + }, + { + "bbox": [ + 83, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/habit2.mp4", + "variation_id": 0, + "video_id": "26084" + }, + { + "bbox": [ + 56, + 1, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/habit.mp4", + "variation_id": 0, + "video_id": "26085" + }, + { + "bbox": [ + 62, + 11, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9857.mp4", + "variation_id": 0, + "video_id": "26086" + }, + { + "bbox": [ + 377, + 56, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AObxjvn8ep8", + "variation_id": 0, + "video_id": "26087" + }, + { + "bbox": [ + 0, + 7, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/habit.swf", + "variation_id": 0, + "video_id": "26088" + }, + { + "bbox": [ + 192, + 53, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/used-to.mp4", + "variation_id": 0, + "video_id": "26089" + } + ] + }, + { + "gloss": "health", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 960, + "frame_start": 921, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26906" + }, + { + "bbox": [ + 48, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58309.mp4", + "variation_id": 0, + "video_id": "26914" + }, + { + "bbox": [ + 101, + 10, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/zsbhcamBGbg", + "variation_id": 0, + "video_id": "67749" + }, + { + "bbox": [ + 430, + 57, + 840, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/health.mp4", + "variation_id": 0, + "video_id": "26915" + }, + { + "bbox": [ + 559, + 63, + 1658, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brave-SLaYUgpSKEc.mp4", + "variation_id": 0, + "video_id": "26916" + }, + { + "bbox": [ + 38, + 11, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468580248.6841.mp4", + "variation_id": 0, + "video_id": "26917" + }, + { + "bbox": [ + 60, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/health.mp4", + "variation_id": 0, + "video_id": "26918" + }, + { + "bbox": [ + 66, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6687.mp4", + "variation_id": 0, + "video_id": "26919" + }, + { + "bbox": [ + 147, + 49, + 562, + 397 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brave.mp4", + "variation_id": 0, + "video_id": "26921" + } + ] + }, + { + "gloss": "hearing aid", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1056, + "frame_start": 994, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26958" + }, + { + "bbox": [ + 159, + 34, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HEARING-AID-1772.mp4", + "variation_id": 0, + "video_id": "65885" + }, + { + "bbox": [ + 93, + 9, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FuR5VKcnP_8", + "variation_id": 0, + "video_id": "67751" + }, + { + "bbox": [ + 51, + 8, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58523.mp4", + "variation_id": 0, + "video_id": "26959" + }, + { + "bbox": [ + 660, + 133, + 1521, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hearing%20Aid-MoN8HlhLX8I.mp4", + "variation_id": 0, + "video_id": "26960" + }, + { + "bbox": [ + 27, + 10, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hearing-aid.mp4", + "variation_id": 0, + "video_id": "26961" + }, + { + "bbox": [ + 44, + 8, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14195.mp4", + "variation_id": 0, + "video_id": "26962" + }, + { + "bbox": [ + 0, + 11, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/hearing_aid.swf", + "variation_id": 0, + "video_id": "26964" + }, + { + "bbox": [ + 150, + 60, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hearing-aid.mp4", + "variation_id": 0, + "video_id": "26965" + } + ] + }, + { + "gloss": "heaven", + "instances": [ + { + "bbox": [ + 253, + 40, + 1031, + 719 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vSowMKjmI2A", + "variation_id": 0, + "video_id": "27085" + }, + { + "bbox": [ + 1, + 14, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/heaven.swf", + "variation_id": 0, + "video_id": "27086" + }, + { + "bbox": [ + 123, + 13, + 540, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HEAVEN-672.mp4", + "variation_id": 0, + "video_id": "65887" + }, + { + "bbox": [ + 80, + 0, + 466, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/EWW3iPeLrCM", + "variation_id": 0, + "video_id": "67753" + }, + { + "bbox": [ + 139, + 46, + 600, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/heaven.mp4", + "variation_id": 0, + "video_id": "27087" + }, + { + "bbox": [ + 23, + 24, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93129.mp4", + "variation_id": 0, + "video_id": "27078" + }, + { + "bbox": [ + 474, + 40, + 1671, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Heaven-05D4avC00dw.mp4", + "variation_id": 0, + "video_id": "27079" + }, + { + "bbox": [ + 55, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/h/heaven.mp4", + "variation_id": 0, + "video_id": "27081" + }, + { + "bbox": [ + 61, + 0, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8253.mp4", + "variation_id": 0, + "video_id": "27082" + } + ] + }, + { + "gloss": "heavy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1236, + "frame_start": 1167, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27093" + }, + { + "bbox": [ + 48, + 6, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58524.mp4", + "variation_id": 0, + "video_id": "27095" + }, + { + "bbox": [ + 557, + 69, + 1602, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Heavy-RB-T9JIpb2s.mp4", + "variation_id": 0, + "video_id": "27096" + }, + { + "bbox": [ + 56, + 7, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580534.4014.mp4", + "variation_id": 0, + "video_id": "27097" + }, + { + "bbox": [ + 103, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/heavy.mp4", + "variation_id": 0, + "video_id": "27098" + }, + { + "bbox": [ + 75, + 21, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22587.mp4", + "variation_id": 0, + "video_id": "27099" + }, + { + "bbox": [ + 177, + 16, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=p8m9-RMJ-8Y", + "variation_id": 0, + "video_id": "27100" + }, + { + "bbox": [ + 17, + 2, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/heavy.swf", + "variation_id": 0, + "video_id": "27101" + }, + { + "bbox": [ + 190, + 52, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/heavy.mp4", + "variation_id": 0, + "video_id": "27102" + } + ] + }, + { + "gloss": "helmet", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1386, + "frame_start": 1344, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27185" + }, + { + "bbox": [ + 71, + 0, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/43x_cmrkWLM", + "variation_id": 0, + "video_id": "67756" + }, + { + "bbox": [ + 43, + 3, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/311318.mp4", + "variation_id": 0, + "video_id": "27186" + }, + { + "bbox": [ + 521, + 0, + 1788, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Helmet%202-cWiWnWfiQu0.mp4", + "variation_id": 0, + "video_id": "27187" + }, + { + "bbox": [ + 462, + 0, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Helmet-3OqyJdGcpto.mp4", + "variation_id": 0, + "video_id": "27188" + }, + { + "bbox": [ + 12, + 14, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/helmet.mp4", + "variation_id": 0, + "video_id": "27189" + }, + { + "bbox": [ + 38, + 4, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4037.mp4", + "variation_id": 0, + "video_id": "27190" + }, + { + "bbox": [ + 6, + 6, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/helmet.swf", + "variation_id": 0, + "video_id": "27191" + }, + { + "bbox": [ + 159, + 29, + 581, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/helmet.mp4", + "variation_id": 0, + "video_id": "27192" + } + ] + }, + { + "gloss": "hide", + "instances": [ + { + "bbox": [ + 324, + 15, + 942, + 720 + ], + "fps": 25, + "frame_end": 72, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=RfSWy6P34Wc", + "variation_id": 0, + "video_id": "68860" + }, + { + "bbox": [ + 45, + 3, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/483757.mp4", + "variation_id": 0, + "video_id": "27375" + }, + { + "bbox": [ + 734, + 81, + 1594, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hide-z4wUJvLRVQM.mp4", + "variation_id": 0, + "video_id": "27376" + }, + { + "bbox": [ + 63, + 14, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580908.3000.mp4", + "variation_id": 0, + "video_id": "27377" + }, + { + "bbox": [ + 107, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hide.mp4", + "variation_id": 0, + "video_id": "27378" + }, + { + "bbox": [ + 83, + 17, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7195.mp4", + "variation_id": 0, + "video_id": "27379" + }, + { + "bbox": [ + 336, + 32, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yZ8Uwt2-21o", + "variation_id": 0, + "video_id": "27380" + }, + { + "bbox": [ + 26, + 15, + 202, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/hide.swf", + "variation_id": 0, + "video_id": "27381" + }, + { + "bbox": [ + 186, + 52, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hide.mp4", + "variation_id": 0, + "video_id": "27382" + } + ] + }, + { + "gloss": "high school", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1656, + "frame_start": 1617, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27432" + }, + { + "bbox": [ + 51, + 9, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580950.5180.mp4", + "variation_id": 0, + "video_id": "27436" + }, + { + "bbox": [ + 48, + 5, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58525.mp4", + "variation_id": 0, + "video_id": "27434" + }, + { + "bbox": [ + 91, + 22, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/KU606zZ3Lbw", + "variation_id": 0, + "video_id": "67763" + }, + { + "bbox": [ + 53, + 10, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/high-school2.mp4", + "variation_id": 0, + "video_id": "27437" + }, + { + "bbox": [ + 42, + 8, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/high-school.mp4", + "variation_id": 0, + "video_id": "27438" + }, + { + "bbox": [ + 64, + 9, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9380.mp4", + "variation_id": 0, + "video_id": "27439" + }, + { + "bbox": [ + 22, + 20, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/high_school.swf", + "variation_id": 0, + "video_id": "27440" + }, + { + "bbox": [ + 165, + 53, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/high-school.mp4", + "variation_id": 0, + "video_id": "27441" + } + ] + }, + { + "gloss": "hockey", + "instances": [ + { + "bbox": [ + 205, + 31, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HO/HOCKEY-1765.mp4", + "variation_id": 0, + "video_id": "65895" + }, + { + "bbox": [ + 427, + 61, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hockey.mp4", + "variation_id": 0, + "video_id": "27633" + }, + { + "bbox": [ + 104, + 10, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tVT6vIQad-g", + "variation_id": 0, + "video_id": "67762" + }, + { + "bbox": [ + 594, + 70, + 1562, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hockey-bWGm7fx58IY.mp4", + "variation_id": 0, + "video_id": "27634" + }, + { + "bbox": [ + 77, + 13, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468581289.8724.mp4", + "variation_id": 0, + "video_id": "27635" + }, + { + "bbox": [ + 98, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hockey.mp4", + "variation_id": 0, + "video_id": "27636" + }, + { + "bbox": [ + 89, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6390.mp4", + "variation_id": 0, + "video_id": "27637" + }, + { + "bbox": [ + 340, + 56, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=1YYoXedYU3Q", + "variation_id": 0, + "video_id": "27638" + }, + { + "bbox": [ + 3, + 10, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hockey.swf", + "variation_id": 0, + "video_id": "27639" + } + ] + }, + { + "gloss": "hold", + "instances": [ + { + "bbox": [ + 82, + 15, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468581323.2373.mp4", + "variation_id": 0, + "video_id": "27662" + }, + { + "bbox": [ + 67, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hold.mp4", + "variation_id": 0, + "video_id": "27664" + }, + { + "bbox": [ + 52, + 22, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22263.mp4", + "variation_id": 0, + "video_id": "27665" + }, + { + "bbox": [ + 66, + 24, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22264.mp4", + "variation_id": 0, + "video_id": "27666" + }, + { + "bbox": [ + 56, + 14, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96561.mp4", + "variation_id": 0, + "video_id": "27659" + }, + { + "bbox": [ + 160, + 18, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=6_RrDZ9k9lE", + "variation_id": 0, + "video_id": "27670" + }, + { + "bbox": [ + 339, + 37, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uyy0V5iKm0g", + "variation_id": 0, + "video_id": "27672" + }, + { + "bbox": [ + 0, + 13, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/hold.swf", + "variation_id": 0, + "video_id": "27673" + }, + { + "bbox": [ + 727, + 139, + 1515, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hold-pqNWC8Si1E4.mp4", + "variation_id": 0, + "video_id": "27661" + } + ] + }, + { + "gloss": "honest", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2003, + "frame_start": 1974, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27821" + }, + { + "bbox": [ + 68, + 0, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456591.mp4", + "variation_id": 0, + "video_id": "27823" + }, + { + "bbox": [ + 99, + 12, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/eR1BM9KqETk", + "variation_id": 0, + "video_id": "67767" + }, + { + "bbox": [ + 148, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947547.4028.mp4", + "variation_id": 0, + "video_id": "27824" + }, + { + "bbox": [ + 79, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/honest.mp4", + "variation_id": 0, + "video_id": "27825" + }, + { + "bbox": [ + 65, + 12, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14233.mp4", + "variation_id": 0, + "video_id": "27826" + }, + { + "bbox": [ + 65, + 12, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14234.mp4", + "variation_id": 0, + "video_id": "27827" + }, + { + "bbox": [ + 28, + 9, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/honest.swf", + "variation_id": 0, + "video_id": "27828" + }, + { + "bbox": [ + 189, + 55, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/truth.mp4", + "variation_id": 0, + "video_id": "27829" + } + ] + }, + { + "gloss": "hug", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2455, + "frame_start": 2419, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28248" + }, + { + "bbox": [ + 192, + 14, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HU/HUG-154.mp4", + "variation_id": 0, + "video_id": "65909" + }, + { + "bbox": [ + 433, + 57, + 835, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/hug.mp4", + "variation_id": 0, + "video_id": "28260" + }, + { + "bbox": [ + 515, + 44, + 1028, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Hug.mp4", + "variation_id": 0, + "video_id": "28261" + }, + { + "bbox": [ + 104, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hug.mp4", + "variation_id": 0, + "video_id": "28262" + }, + { + "bbox": [ + 98, + 23, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22882.mp4", + "variation_id": 0, + "video_id": "28263" + }, + { + "bbox": [ + 405, + 53, + 821, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=NWPBCsg7CNw", + "variation_id": 0, + "video_id": "28265" + }, + { + "bbox": [ + 2, + 7, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/h/hug.swf", + "variation_id": 0, + "video_id": "28266" + }, + { + "bbox": [ + 184, + 55, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hug.mp4", + "variation_id": 0, + "video_id": "28267" + } + ] + }, + { + "gloss": "hunt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2668, + "frame_start": 2619, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28386" + }, + { + "bbox": [ + 0, + 10, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hunt.swf", + "variation_id": 0, + "video_id": "28396" + }, + { + "bbox": [ + 186, + 47, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hunt.mp4", + "variation_id": 0, + "video_id": "28397" + }, + { + "bbox": [ + 115, + 35, + 504, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HU/HUNT-1754.mp4", + "variation_id": 0, + "video_id": "65912" + }, + { + "bbox": [ + 68, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456611.mp4", + "variation_id": 0, + "video_id": "28389" + }, + { + "bbox": [ + 99, + 9, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/sqihuQHxvnU", + "variation_id": 0, + "video_id": "67780" + }, + { + "bbox": [ + 32, + 15, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hunt.mp4", + "variation_id": 0, + "video_id": "28391" + }, + { + "bbox": [ + 72, + 14, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6817.mp4", + "variation_id": 0, + "video_id": "28394" + }, + { + "bbox": [ + 85, + 17, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7592.mp4", + "variation_id": 0, + "video_id": "28395" + } + ] + }, + { + "gloss": "image", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 424, + "frame_start": 378, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28875" + }, + { + "bbox": [ + 2, + 15, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/image.swf", + "variation_id": 0, + "video_id": "28885" + }, + { + "bbox": [ + 184, + 57, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/image.mp4", + "variation_id": 0, + "video_id": "28886" + }, + { + "bbox": [ + 55, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/480850.mp4", + "variation_id": 0, + "video_id": "28876" + }, + { + "bbox": [ + 739, + 75, + 1618, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Image%2C%20Picture-qmGvlGKLGeI.mp4", + "variation_id": 0, + "video_id": "28877" + }, + { + "bbox": [ + 34, + 11, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468665345.4222.mp4", + "variation_id": 0, + "video_id": "28878" + }, + { + "bbox": [ + 69, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/image.mp4", + "variation_id": 0, + "video_id": "28879" + }, + { + "bbox": [ + 90, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/i/images.mp4", + "variation_id": 0, + "video_id": "28880" + }, + { + "bbox": [ + 73, + 6, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5976.mp4", + "variation_id": 0, + "video_id": "28881" + } + ] + }, + { + "gloss": "influence", + "instances": [ + { + "bbox": [ + 177, + 13, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INFLUENCE-649.mp4", + "variation_id": 0, + "video_id": "65939" + }, + { + "bbox": [ + 22, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58317.mp4", + "variation_id": 0, + "video_id": "29614" + }, + { + "bbox": [ + 685, + 58, + 1707, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Influence-uwUDWxNXDRg.mp4", + "variation_id": 0, + "video_id": "29615" + }, + { + "bbox": [ + 46, + 5, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468666829.458.mp4", + "variation_id": 0, + "video_id": "29616" + }, + { + "bbox": [ + 3, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/influence-all.mp4", + "variation_id": 0, + "video_id": "29617" + }, + { + "bbox": [ + 70, + 0, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/influence.mp4", + "variation_id": 0, + "video_id": "29618" + }, + { + "bbox": [ + 60, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8587.mp4", + "variation_id": 0, + "video_id": "29619" + }, + { + "bbox": [ + 13, + 1, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/i/influence.swf", + "variation_id": 0, + "video_id": "29620" + }, + { + "bbox": [ + 207, + 62, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/influence.mp4", + "variation_id": 0, + "video_id": "29621" + } + ] + }, + { + "gloss": "interesting", + "instances": [ + { + "bbox": [ + 354, + 31, + 927, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=8wwNxl6AbgU", + "variation_id": 0, + "video_id": "68308" + }, + { + "bbox": [ + 154, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/interesting.mp4", + "variation_id": 0, + "video_id": "30177" + }, + { + "bbox": [ + 70, + 10, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/308020.mp4", + "variation_id": 0, + "video_id": "30169" + }, + { + "bbox": [ + 351, + 37, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YriRPvdErog", + "variation_id": 0, + "video_id": "30180" + }, + { + "bbox": [ + 836, + 57, + 1729, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Interesting%202-DCXsBRguNR0.mp4", + "variation_id": 0, + "video_id": "30170" + }, + { + "bbox": [ + 709, + 87, + 1604, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Interesting%202-qViD43XlfhI.mp4", + "variation_id": 0, + "video_id": "30171" + }, + { + "bbox": [ + 649, + 52, + 1496, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Interesting%203-UicEy8GbH3s.mp4", + "variation_id": 0, + "video_id": "30172" + }, + { + "bbox": [ + 851, + 63, + 1739, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Interesting-2KnhfiMHh7E.mp4", + "variation_id": 0, + "video_id": "30173" + }, + { + "bbox": [ + 69, + 15, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468667681.523.mp4", + "variation_id": 0, + "video_id": "30175" + } + ] + }, + { + "gloss": "interpreter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1555, + "frame_start": 1499, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30256" + }, + { + "bbox": [ + 204, + 36, + 509, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INTERPRETER-1722.mp4", + "variation_id": 0, + "video_id": "65954" + }, + { + "bbox": [ + 95, + 18, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tksEwBhbBm4", + "variation_id": 0, + "video_id": "67795" + }, + { + "bbox": [ + 42, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51869.mp4", + "variation_id": 0, + "video_id": "30257" + }, + { + "bbox": [ + 79, + 10, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468668022.8755.mp4", + "variation_id": 0, + "video_id": "30258" + }, + { + "bbox": [ + 48, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/interpreter.mp4", + "variation_id": 0, + "video_id": "30259" + }, + { + "bbox": [ + 69, + 20, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22786.mp4", + "variation_id": 0, + "video_id": "30260" + }, + { + "bbox": [ + 357, + 33, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=-ydIEL6j0Gc", + "variation_id": 0, + "video_id": "30261" + }, + { + "bbox": [ + 236, + 43, + 507, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/interpreter.mp4", + "variation_id": 0, + "video_id": "30262" + } + ] + }, + { + "gloss": "iran", + "instances": [ + { + "bbox": [ + 41, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455317.mp4", + "variation_id": 0, + "video_id": "30559" + }, + { + "bbox": [ + 371, + 55, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/iran.mp4", + "variation_id": 0, + "video_id": "30560" + }, + { + "bbox": [ + 389, + 96, + 1587, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Iran%2C%20Quad-eJXKG2oE31M.mp4", + "variation_id": 0, + "video_id": "30561" + }, + { + "bbox": [ + 437, + 97, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Iran-DEX22ndvvfY.mp4", + "variation_id": 0, + "video_id": "30562" + }, + { + "bbox": [ + 69, + 69, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 34, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546574125.4292.mp4", + "variation_id": 0, + "video_id": "30563" + }, + { + "bbox": [ + 13, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/i/iran.mp4", + "variation_id": 0, + "video_id": "30564" + }, + { + "bbox": [ + 70, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1818.mp4", + "variation_id": 0, + "video_id": "30565" + }, + { + "bbox": [ + 63, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/4/4978.mp4", + "variation_id": 0, + "video_id": "30566" + }, + { + "bbox": [ + 302, + 44, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lWgoRSVEz9s", + "variation_id": 0, + "video_id": "30567" + } + ] + }, + { + "gloss": "italy", + "instances": [ + { + "bbox": [ + 93, + 15, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668665.7280.mp4", + "variation_id": 0, + "video_id": "30748" + }, + { + "bbox": [ + 74, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/italy-isl.mp4", + "variation_id": 0, + "video_id": "30749" + }, + { + "bbox": [ + 335, + 55, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CFYyKuV10xo", + "variation_id": 0, + "video_id": "30752" + }, + { + "bbox": [ + 201, + 30, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IT/ITALY-1714.mp4", + "variation_id": 0, + "video_id": "65969" + }, + { + "bbox": [ + 99, + 15, + 357, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/gAWkULM7_6w", + "variation_id": 0, + "video_id": "67801" + }, + { + "bbox": [ + 22, + 15, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/i/italy_b.swf", + "variation_id": 0, + "video_id": "30754" + }, + { + "bbox": [ + 240, + 46, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/italy.mp4", + "variation_id": 0, + "video_id": "30755" + }, + { + "bbox": [ + 48, + 0, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455334.mp4", + "variation_id": 0, + "video_id": "30745" + }, + { + "bbox": [ + 520, + 101, + 1458, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Italy%202-eMfws1BLLCA.mp4", + "variation_id": 0, + "video_id": "30746" + } + ] + }, + { + "gloss": "jewish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 486, + "frame_start": 430, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31092" + }, + { + "bbox": [ + 205, + 36, + 514, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/JE/JEWISH-1706.mp4", + "variation_id": 0, + "video_id": "65979" + }, + { + "bbox": [ + 102, + 22, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/vBrd0Es-CjA", + "variation_id": 0, + "video_id": "67806" + }, + { + "bbox": [ + 90, + 15, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96639.mp4", + "variation_id": 0, + "video_id": "31093" + }, + { + "bbox": [ + 768, + 42, + 1506, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hebrew%2C%20Jew%2C%20Jewish%2C%20Judaism-hN1cj_e7fcU.mp4", + "variation_id": 0, + "video_id": "31094" + }, + { + "bbox": [ + 722, + 107, + 1426, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jewish%2C%20Israel-F2NsgO4tj5E.mp4", + "variation_id": 0, + "video_id": "31095" + }, + { + "bbox": [ + 87, + 21, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22247.mp4", + "variation_id": 0, + "video_id": "31096" + }, + { + "bbox": [ + 309, + 38, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Ko0htMaC7BI", + "variation_id": 0, + "video_id": "31097" + }, + { + "bbox": [ + 1, + 10, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/jewish.swf", + "variation_id": 0, + "video_id": "31098" + } + ] + }, + { + "gloss": "judge", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 639, + "frame_start": 577, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31251" + }, + { + "bbox": [ + 69, + 0, + 616, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/judge-opinion.mp4", + "variation_id": 0, + "video_id": "31259" + }, + { + "bbox": [ + 59, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3331.mp4", + "variation_id": 0, + "video_id": "31260" + }, + { + "bbox": [ + 98, + 11, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/F_CYRs_UBy0", + "variation_id": 0, + "video_id": "67808" + }, + { + "bbox": [ + 65, + 17, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9202.mp4", + "variation_id": 0, + "video_id": "31261" + }, + { + "bbox": [ + 3, + 1, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/j/judge_professional.swf", + "variation_id": 0, + "video_id": "31262" + }, + { + "bbox": [ + 161, + 66, + 603, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/judge.mp4", + "variation_id": 0, + "video_id": "31264" + }, + { + "bbox": [ + 43, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51865.mp4", + "variation_id": 0, + "video_id": "31252" + }, + { + "bbox": [ + 619, + 63, + 1761, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Court%2C%20Judge-422XXWqSsh4.mp4", + "variation_id": 0, + "video_id": "31253" + } + ] + }, + { + "gloss": "key", + "instances": [ + { + "bbox": [ + 188, + 7, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KE/KEY-491.mp4", + "variation_id": 0, + "video_id": "65989" + }, + { + "bbox": [ + 0, + 0, + 243, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/key.swf", + "variation_id": 0, + "video_id": "31571" + }, + { + "bbox": [ + 195, + 65, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/key.mp4", + "variation_id": 0, + "video_id": "31572" + }, + { + "bbox": [ + 70, + 11, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/15Uu0aG1_Nc", + "variation_id": 0, + "video_id": "67813" + }, + { + "bbox": [ + 29, + 5, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399752.mp4", + "variation_id": 0, + "video_id": "31564" + }, + { + "bbox": [ + 184, + 16, + 530, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/key.mp4", + "variation_id": 0, + "video_id": "31565" + }, + { + "bbox": [ + 49, + 12, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670169.4875.mp4", + "variation_id": 0, + "video_id": "31566" + }, + { + "bbox": [ + 17, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/k/key2.mp4", + "variation_id": 0, + "video_id": "31567" + }, + { + "bbox": [ + 60, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9549.mp4", + "variation_id": 0, + "video_id": "31569" + } + ] + }, + { + "gloss": "label", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 57, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "31975" + }, + { + "bbox": [ + 195, + 55, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/label.mp4", + "variation_id": 0, + "video_id": "31984" + }, + { + "bbox": [ + 192, + 8, + 523, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LABEL-550.mp4", + "variation_id": 0, + "video_id": "66006" + }, + { + "bbox": [ + 75, + 4, + 230, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/label.mov", + "variation_id": 0, + "video_id": "31976" + }, + { + "bbox": [ + 644, + 125, + 1501, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brand%2C%20Label--zlhAXpDvUk.mp4", + "variation_id": 0, + "video_id": "31978" + }, + { + "bbox": [ + 117, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468671092.9716.mp4", + "variation_id": 0, + "video_id": "31979" + }, + { + "bbox": [ + 31, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/label.mp4", + "variation_id": 0, + "video_id": "31980" + }, + { + "bbox": [ + 71, + 11, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14377.mp4", + "variation_id": 0, + "video_id": "31981" + }, + { + "bbox": [ + 8, + 9, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/label.swf", + "variation_id": 0, + "video_id": "31983" + } + ] + }, + { + "gloss": "leaf", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 794, + "frame_start": 698, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32552" + }, + { + "bbox": [ + 148, + 10, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/leaf.mp4", + "variation_id": 0, + "video_id": "69384" + }, + { + "bbox": [ + 197, + 34, + 523, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEAF-1685.mp4", + "variation_id": 0, + "video_id": "66021" + }, + { + "bbox": [ + 57, + 9, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/153607.mp4", + "variation_id": 0, + "video_id": "32554" + }, + { + "bbox": [ + 144, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468671695.3059.mp4", + "variation_id": 0, + "video_id": "32555" + }, + { + "bbox": [ + 128, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/leaf.mp4", + "variation_id": 0, + "video_id": "32556" + }, + { + "bbox": [ + 87, + 15, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8283.mp4", + "variation_id": 0, + "video_id": "32557" + }, + { + "bbox": [ + 27, + 6, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 54, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/leaf.swf", + "variation_id": 0, + "video_id": "32558" + }, + { + "bbox": [ + 246, + 45, + 507, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/leaf.mp4", + "variation_id": 0, + "video_id": "32559" + } + ] + }, + { + "gloss": "left", + "instances": [ + { + "bbox": [ + 211, + 34, + 545, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEFT-1683.mp4", + "variation_id": 0, + "video_id": "66028" + }, + { + "bbox": [ + 158, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468672010.3083.mp4", + "variation_id": 0, + "video_id": "32725" + }, + { + "bbox": [ + 60, + 16, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/left-dir.mp4", + "variation_id": 0, + "video_id": "32726" + }, + { + "bbox": [ + 84, + 23, + 249, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22625.mp4", + "variation_id": 0, + "video_id": "32728" + }, + { + "bbox": [ + 89, + 19, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22754.mp4", + "variation_id": 0, + "video_id": "32729" + }, + { + "bbox": [ + 334, + 28, + 1087, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=67OgKuzwcMg", + "variation_id": 0, + "video_id": "32730" + }, + { + "bbox": [ + 32, + 0, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/left_direction.swf", + "variation_id": 0, + "video_id": "32732" + }, + { + "bbox": [ + 175, + 48, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/left.mp4", + "variation_id": 0, + "video_id": "32735" + }, + { + "bbox": [ + 433, + 43, + 1163, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Left.mp4", + "variation_id": 0, + "video_id": "32722" + } + ] + }, + { + "gloss": "lend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1091, + "frame_start": 1052, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32822" + }, + { + "bbox": [ + 203, + 36, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEND-1678.mp4", + "variation_id": 0, + "video_id": "66034" + }, + { + "bbox": [ + 508, + 31, + 1098, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Lend.mp4", + "variation_id": 0, + "video_id": "32824" + }, + { + "bbox": [ + 130, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468710945.4550.mp4", + "variation_id": 0, + "video_id": "32825" + }, + { + "bbox": [ + 60, + 26, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 86, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/lend.mp4", + "variation_id": 0, + "video_id": "32826" + }, + { + "bbox": [ + 84, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24007.mp4", + "variation_id": 0, + "video_id": "32827" + }, + { + "bbox": [ + 84, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24008.mp4", + "variation_id": 0, + "video_id": "32828" + }, + { + "bbox": [ + 5, + 9, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/lend.swf", + "variation_id": 0, + "video_id": "32829" + }, + { + "bbox": [ + 188, + 58, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lend.mp4", + "variation_id": 0, + "video_id": "32830" + } + ] + }, + { + "gloss": "less", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1188, + "frame_start": 1152, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32869" + }, + { + "bbox": [ + 308, + 49, + 905, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/less.mp4", + "variation_id": 0, + "video_id": "69386" + }, + { + "bbox": [ + 652, + 62, + 1612, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reduce-CQg2Q50u5ts.mp4", + "variation_id": 0, + "video_id": "32877" + }, + { + "bbox": [ + 128, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711101.8979.mp4", + "variation_id": 0, + "video_id": "32878" + }, + { + "bbox": [ + 52, + 7, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/less.mp4", + "variation_id": 0, + "video_id": "32879" + }, + { + "bbox": [ + 69, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9579.mp4", + "variation_id": 0, + "video_id": "32881" + }, + { + "bbox": [ + 152, + 10, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4cXuJHTunR0", + "variation_id": 0, + "video_id": "32882" + }, + { + "bbox": [ + 0, + 12, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/less.swf", + "variation_id": 0, + "video_id": "32883" + }, + { + "bbox": [ + 175, + 56, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/less.mp4", + "variation_id": 0, + "video_id": "32884" + } + ] + }, + { + "gloss": "linguistics", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1700, + "frame_start": 1624, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33373" + }, + { + "bbox": [ + 105, + 30, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LINGUISTICS-1646.mp4", + "variation_id": 0, + "video_id": "66073" + }, + { + "bbox": [ + 38, + 5, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58542.mp4", + "variation_id": 0, + "video_id": "33374" + }, + { + "bbox": [ + 302, + 97, + 1598, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Linguistics%202-wrHBclso6Ho.mp4", + "variation_id": 0, + "video_id": "33375" + }, + { + "bbox": [ + 414, + 104, + 1570, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Linguistics-p6mezjQXqRQ.mp4", + "variation_id": 0, + "video_id": "33376" + }, + { + "bbox": [ + 140, + 38, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1520782714.2200.mp4", + "variation_id": 0, + "video_id": "33377" + }, + { + "bbox": [ + 52, + 3, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/linguistics.mp4", + "variation_id": 0, + "video_id": "33378" + }, + { + "bbox": [ + 10, + 14, + 267, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/1/1957.mp4", + "variation_id": 0, + "video_id": "33379" + }, + { + "bbox": [ + 213, + 45, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/linguistics.mp4", + "variation_id": 0, + "video_id": "33380" + } + ] + }, + { + "gloss": "lonely", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2340, + "frame_start": 2281, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33765" + }, + { + "bbox": [ + 204, + 0, + 522, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LO/LONELY-2058.mp4", + "variation_id": 0, + "video_id": "66081" + }, + { + "bbox": [ + 104, + 15, + 367, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hXTK8VwANG4", + "variation_id": 0, + "video_id": "67856" + }, + { + "bbox": [ + 44, + 1, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457577.mp4", + "variation_id": 0, + "video_id": "33766" + }, + { + "bbox": [ + 721, + 41, + 1586, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lonely%2C%20Lollipop-r0xmsOrZXt8.mp4", + "variation_id": 0, + "video_id": "33767" + }, + { + "bbox": [ + 138, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468712500.7402.mp4", + "variation_id": 0, + "video_id": "33768" + }, + { + "bbox": [ + 23, + 0, + 306, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lonely.mp4", + "variation_id": 0, + "video_id": "33769" + }, + { + "bbox": [ + 68, + 9, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8737.mp4", + "variation_id": 0, + "video_id": "33770" + }, + { + "bbox": [ + 174, + 52, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lonely.mp4", + "variation_id": 0, + "video_id": "33771" + } + ] + }, + { + "gloss": "long", + "instances": [ + { + "bbox": [ + 689, + 71, + 1605, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Long-0DcZj6ifH4I.mp4", + "variation_id": 0, + "video_id": "33804" + }, + { + "bbox": [ + 706, + 147, + 1560, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Long-S6XuaxSud0Y.mp4", + "variation_id": 0, + "video_id": "33805" + }, + { + "bbox": [ + 156, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712549.1911.mp4", + "variation_id": 0, + "video_id": "33806" + }, + { + "bbox": [ + 101, + 0, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/long.mp4", + "variation_id": 0, + "video_id": "33807" + }, + { + "bbox": [ + 71, + 13, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14211.mp4", + "variation_id": 0, + "video_id": "33808" + }, + { + "bbox": [ + 140, + 11, + 508, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=vwKw6ifzFJY", + "variation_id": 0, + "video_id": "33809" + }, + { + "bbox": [ + 317, + 43, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vwKw6ifzFJY", + "variation_id": 0, + "video_id": "33810" + }, + { + "bbox": [ + 0, + 10, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/l/long.swf", + "variation_id": 0, + "video_id": "33811" + }, + { + "bbox": [ + 164, + 52, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/long.mp4", + "variation_id": 0, + "video_id": "33812" + } + ] + }, + { + "gloss": "magic", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 223, + "frame_start": 181, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34396" + }, + { + "bbox": [ + 174, + 16, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MAGIC-666.mp4", + "variation_id": 0, + "video_id": "66092" + }, + { + "bbox": [ + 90, + 13, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/oMruEV_IlII", + "variation_id": 0, + "video_id": "67868" + }, + { + "bbox": [ + 58, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456641.mp4", + "variation_id": 0, + "video_id": "34397" + }, + { + "bbox": [ + 99, + 22, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1527812880.4636.mp4", + "variation_id": 0, + "video_id": "34398" + }, + { + "bbox": [ + 60, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/magic.mp4", + "variation_id": 0, + "video_id": "34399" + }, + { + "bbox": [ + 63, + 10, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9378.mp4", + "variation_id": 0, + "video_id": "34400" + }, + { + "bbox": [ + 0, + 10, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/magic.swf", + "variation_id": 0, + "video_id": "34401" + }, + { + "bbox": [ + 221, + 39, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/magic.mp4", + "variation_id": 0, + "video_id": "34402" + } + ] + }, + { + "gloss": "mainstream", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 260, + "frame_start": 224, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34508" + }, + { + "bbox": [ + 106, + 24, + 294, + 240 + ], + "fps": 25, + "frame_end": 1501, + "frame_start": 1380, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjS0dQDgbjo", + "variation_id": 0, + "video_id": "70208" + }, + { + "bbox": [ + 49, + 10, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/154772.mp4", + "variation_id": 0, + "video_id": "34510" + }, + { + "bbox": [ + 403, + 37, + 1089, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blend%2C%20Mainstream-ewOxHn7HeWU.mp4", + "variation_id": 0, + "video_id": "34511" + }, + { + "bbox": [ + 150, + 0, + 627, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546371995.5957.mp4", + "variation_id": 0, + "video_id": "34512" + }, + { + "bbox": [ + 28, + 8, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/mainstream.mp4", + "variation_id": 0, + "video_id": "34513" + }, + { + "bbox": [ + 60, + 14, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9168.mp4", + "variation_id": 0, + "video_id": "34514" + }, + { + "bbox": [ + 1, + 9, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/mainstream.swf", + "variation_id": 0, + "video_id": "34515" + }, + { + "bbox": [ + 160, + 55, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/immigrate.mp4", + "variation_id": 0, + "video_id": "34516" + } + ] + }, + { + "gloss": "major", + "instances": [ + { + "bbox": [ + 439, + 62, + 830, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/major.mp4", + "variation_id": 0, + "video_id": "34543" + }, + { + "bbox": [ + 115, + 0, + 1179, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=IErrwETXIlw", + "variation_id": 0, + "video_id": "68097" + }, + { + "bbox": [ + 706, + 54, + 1729, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Major-WmTabDDr3nA.mp4", + "variation_id": 0, + "video_id": "34544" + }, + { + "bbox": [ + 134, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713477.1786.mp4", + "variation_id": 0, + "video_id": "34545" + }, + { + "bbox": [ + 86, + 12, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/major-field.mp4", + "variation_id": 0, + "video_id": "34546" + }, + { + "bbox": [ + 71, + 11, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8817.mp4", + "variation_id": 0, + "video_id": "34547" + }, + { + "bbox": [ + 158, + 10, + 469, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=atM1DOWoYmQ", + "variation_id": 0, + "video_id": "34548" + }, + { + "bbox": [ + 27, + 18, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/major.swf", + "variation_id": 0, + "video_id": "34549" + }, + { + "bbox": [ + 193, + 61, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/career.mp4", + "variation_id": 0, + "video_id": "34550" + } + ] + }, + { + "gloss": "manager", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 460, + "frame_start": 398, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34698" + }, + { + "bbox": [ + 305, + 43, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0ScBo3iRUhY", + "variation_id": 0, + "video_id": "34708" + }, + { + "bbox": [ + 30, + 6, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/manager.swf", + "variation_id": 0, + "video_id": "34709" + }, + { + "bbox": [ + 66, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185333.mp4", + "variation_id": 0, + "video_id": "34699" + }, + { + "bbox": [ + 392, + 53, + 791, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/manager.mp4", + "variation_id": 0, + "video_id": "34701" + }, + { + "bbox": [ + 85, + 8, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467770132.9687.mp4", + "variation_id": 0, + "video_id": "34702" + }, + { + "bbox": [ + 106, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713602.1036.mp4", + "variation_id": 0, + "video_id": "34703" + }, + { + "bbox": [ + 76, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/manager.mp4", + "variation_id": 0, + "video_id": "34704" + }, + { + "bbox": [ + 62, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14193.mp4", + "variation_id": 0, + "video_id": "34705" + } + ] + }, + { + "gloss": "maximum", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 714, + "frame_start": 678, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35207" + }, + { + "bbox": [ + 69, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/189658.mp4", + "variation_id": 0, + "video_id": "35209" + }, + { + "bbox": [ + 34, + 8, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96938.mp4", + "variation_id": 0, + "video_id": "35210" + }, + { + "bbox": [ + 567, + 26, + 1848, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Maximum-3lSlMAkacgo.mp4", + "variation_id": 0, + "video_id": "35211" + }, + { + "bbox": [ + 58, + 14, + 636, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 40, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1488993185.5528.mp4", + "variation_id": 0, + "video_id": "35212" + }, + { + "bbox": [ + 11, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/maximum.mp4", + "variation_id": 0, + "video_id": "35213" + }, + { + "bbox": [ + 67, + 6, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5887.mp4", + "variation_id": 0, + "video_id": "35214" + }, + { + "bbox": [ + 7, + 20, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/maximum.swf", + "variation_id": 0, + "video_id": "35215" + }, + { + "bbox": [ + 153, + 53, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/capacity.mp4", + "variation_id": 0, + "video_id": "35216" + } + ] + }, + { + "gloss": "me", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 754, + "frame_start": 715, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35267" + }, + { + "bbox": [ + 28, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48587.mp4", + "variation_id": 0, + "video_id": "35544" + }, + { + "bbox": [ + 104, + 11, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hHuFWWNKtDo", + "variation_id": 0, + "video_id": "67879" + }, + { + "bbox": [ + 415, + 7, + 795, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20me%202-Y668nIcpIJM.mp4", + "variation_id": 0, + "video_id": "35545" + }, + { + "bbox": [ + 91, + 0, + 487, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468714358.3817.mp4", + "variation_id": 0, + "video_id": "35546" + }, + { + "bbox": [ + 120, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/me.mp4", + "variation_id": 0, + "video_id": "35547" + }, + { + "bbox": [ + 82, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7157.mp4", + "variation_id": 0, + "video_id": "35548" + }, + { + "bbox": [ + 141, + 34, + 424, + 339 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 64, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=l34VkXFxP5U", + "variation_id": 0, + "video_id": "35549" + }, + { + "bbox": [ + 27, + 13, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/me.swf", + "variation_id": 0, + "video_id": "35550" + } + ] + }, + { + "gloss": "mexico", + "instances": [ + { + "bbox": [ + 78, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715085.7581.mp4", + "variation_id": 0, + "video_id": "35885" + }, + { + "bbox": [ + 0, + 20, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mexico-isl.mp4", + "variation_id": 0, + "video_id": "35886" + }, + { + "bbox": [ + 145, + 25, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MEXICO-1615.mp4", + "variation_id": 0, + "video_id": "66119" + }, + { + "bbox": [ + 52, + 5, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5727.mp4", + "variation_id": 0, + "video_id": "35890" + }, + { + "bbox": [ + 235, + 22, + 971, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=9hDYv623eyM", + "variation_id": 0, + "video_id": "35891" + }, + { + "bbox": [ + 20, + 6, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/mexico.swf", + "variation_id": 0, + "video_id": "35892" + }, + { + "bbox": [ + 152, + 53, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mexico.mp4", + "variation_id": 0, + "video_id": "35893" + }, + { + "bbox": [ + 37, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455347.mp4", + "variation_id": 0, + "video_id": "35881" + }, + { + "bbox": [ + 479, + 106, + 1418, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mexico-8xiYqThIlpE.mp4", + "variation_id": 0, + "video_id": "35884" + } + ] + }, + { + "gloss": "middle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1413, + "frame_start": 1381, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35962" + }, + { + "bbox": [ + 223, + 41, + 472, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/center.mp4", + "variation_id": 0, + "video_id": "35974" + }, + { + "bbox": [ + 181, + 29, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MIDDLE-1611.mp4", + "variation_id": 0, + "video_id": "66122" + }, + { + "bbox": [ + 79, + 45, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92878.mp4", + "variation_id": 0, + "video_id": "35965" + }, + { + "bbox": [ + 511, + 41, + 1519, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Center%2C%20Central-oai4bYZwl8w.mp4", + "variation_id": 0, + "video_id": "35966" + }, + { + "bbox": [ + 52, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468715256.1056.mp4", + "variation_id": 0, + "video_id": "35968" + }, + { + "bbox": [ + 52, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715256.1056.mp4", + "variation_id": 0, + "video_id": "35969" + }, + { + "bbox": [ + 50, + 12, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/m/middle.mp4", + "variation_id": 0, + "video_id": "35970" + }, + { + "bbox": [ + 76, + 8, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14930.mp4", + "variation_id": 0, + "video_id": "35972" + } + ] + }, + { + "gloss": "mind", + "instances": [ + { + "bbox": [ + 187, + 4, + 520, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 89, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MIND-2132.mp4", + "variation_id": 0, + "video_id": "66123" + }, + { + "bbox": [ + 92, + 10, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/EdQ7Gb9vGRg", + "variation_id": 0, + "video_id": "67895" + }, + { + "bbox": [ + 53, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185356.mp4", + "variation_id": 0, + "video_id": "36118" + }, + { + "bbox": [ + 144, + 1, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715531.1803.mp4", + "variation_id": 0, + "video_id": "36119" + }, + { + "bbox": [ + 58, + 11, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/mind-brain.mp4", + "variation_id": 0, + "video_id": "36120" + }, + { + "bbox": [ + 64, + 18, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9216.mp4", + "variation_id": 0, + "video_id": "36121" + }, + { + "bbox": [ + 138, + 12, + 478, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zybx4YHEhzQ", + "variation_id": 0, + "video_id": "36122" + }, + { + "bbox": [ + 9, + 18, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/mind.swf", + "variation_id": 0, + "video_id": "36123" + }, + { + "bbox": [ + 208, + 36, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sense.mp4", + "variation_id": 0, + "video_id": "36124" + } + ] + }, + { + "gloss": "misunderstand", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1676, + "frame_start": 1644, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36413" + }, + { + "bbox": [ + 174, + 56, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/misunderstood.mp4", + "variation_id": 0, + "video_id": "36422" + }, + { + "bbox": [ + 81, + 28, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/YQDSc4MSKbA", + "variation_id": 0, + "video_id": "67898" + }, + { + "bbox": [ + 76, + 32, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92890.mp4", + "variation_id": 0, + "video_id": "36414" + }, + { + "bbox": [ + 98, + 4, + 495, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468715920.3622.mp4", + "variation_id": 0, + "video_id": "36416" + }, + { + "bbox": [ + 36, + 37, + 548, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/misunderstand.mp4", + "variation_id": 0, + "video_id": "36418" + }, + { + "bbox": [ + 67, + 14, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14282.mp4", + "variation_id": 0, + "video_id": "36419" + }, + { + "bbox": [ + 272, + 36, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=ygWA-mQQfQI", + "variation_id": 0, + "video_id": "36420" + }, + { + "bbox": [ + 9, + 8, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/misunderstand.swf", + "variation_id": 0, + "video_id": "36421" + } + ] + }, + { + "gloss": "monster", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1876, + "frame_start": 1824, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36712" + }, + { + "bbox": [ + 14, + 0, + 306, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/48598.mp4", + "variation_id": 0, + "video_id": "36713" + }, + { + "bbox": [ + 622, + 132, + 1578, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Monster-vK9q9QzaSAg.mp4", + "variation_id": 0, + "video_id": "36714" + }, + { + "bbox": [ + 63, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716379.9350.mp4", + "variation_id": 0, + "video_id": "36715" + }, + { + "bbox": [ + 49, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/monster.mp4", + "variation_id": 0, + "video_id": "36716" + }, + { + "bbox": [ + 42, + 11, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7214.mp4", + "variation_id": 0, + "video_id": "36717" + }, + { + "bbox": [ + 219, + 28, + 1107, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kXToNdDXXGE", + "variation_id": 0, + "video_id": "36718" + }, + { + "bbox": [ + 11, + 7, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/monster.swf", + "variation_id": 0, + "video_id": "36719" + }, + { + "bbox": [ + 133, + 50, + 581, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/monster.mp4", + "variation_id": 0, + "video_id": "36720" + } + ] + }, + { + "gloss": "multiply", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2492, + "frame_start": 2463, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37266" + }, + { + "bbox": [ + 287, + 0, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8GRaraUKVWc", + "variation_id": 0, + "video_id": "37276" + }, + { + "bbox": [ + 2, + 7, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/multiply.swf", + "variation_id": 0, + "video_id": "37277" + }, + { + "bbox": [ + 193, + 55, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/multiply.mp4", + "variation_id": 0, + "video_id": "37278" + }, + { + "bbox": [ + 66, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/110514.mp4", + "variation_id": 0, + "video_id": "37267" + }, + { + "bbox": [ + 76, + 29, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92918.mp4", + "variation_id": 0, + "video_id": "37268" + }, + { + "bbox": [ + 372, + 53, + 1568, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Multiply%2C%20Worse-GVHQws_ZfWQ.mp4", + "variation_id": 0, + "video_id": "37269" + }, + { + "bbox": [ + 149, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468717368.8319.mp4", + "variation_id": 0, + "video_id": "37270" + }, + { + "bbox": [ + 80, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6470.mp4", + "variation_id": 0, + "video_id": "37273" + } + ] + }, + { + "gloss": "myself", + "instances": [ + { + "bbox": [ + 55, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457058.mp4", + "variation_id": 0, + "video_id": "37483" + }, + { + "bbox": [ + 91, + 21, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rtIpN6KHy0w", + "variation_id": 0, + "video_id": "67921" + }, + { + "bbox": [ + 516, + 56, + 1582, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Myself-a2PE_jdf6mo.mp4", + "variation_id": 0, + "video_id": "37484" + }, + { + "bbox": [ + 123, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717554.8996.mp4", + "variation_id": 0, + "video_id": "37485" + }, + { + "bbox": [ + 58, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/myself2.mp4", + "variation_id": 0, + "video_id": "37486" + }, + { + "bbox": [ + 65, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/myself.mp4", + "variation_id": 0, + "video_id": "37487" + }, + { + "bbox": [ + 76, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7356.mp4", + "variation_id": 0, + "video_id": "37488" + }, + { + "bbox": [ + 78, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7357.mp4", + "variation_id": 0, + "video_id": "37489" + }, + { + "bbox": [ + 206, + 49, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/self.mp4", + "variation_id": 0, + "video_id": "37490" + } + ] + }, + { + "gloss": "nothing", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1794, + "frame_start": 1738, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38828" + }, + { + "bbox": [ + 237, + 40, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/no2.mp4", + "variation_id": 0, + "video_id": "38849" + }, + { + "bbox": [ + 156, + 32, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NO/NOTHING-1556.mp4", + "variation_id": 0, + "video_id": "66192" + }, + { + "bbox": [ + 62, + 2, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/111140.mp4", + "variation_id": 0, + "video_id": "38830" + }, + { + "bbox": [ + 90, + 20, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/zomh1MV2lwI", + "variation_id": 0, + "video_id": "67938" + }, + { + "bbox": [ + 563, + 64, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nothing-k0dWH6N2e-I.mp4", + "variation_id": 0, + "video_id": "38841" + }, + { + "bbox": [ + 126, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 19, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719864.6831.mp4", + "variation_id": 0, + "video_id": "38842" + }, + { + "bbox": [ + 94, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 20, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/n/nothing.mp4", + "variation_id": 0, + "video_id": "38843" + }, + { + "bbox": [ + 60, + 16, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 21, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6674.mp4", + "variation_id": 0, + "video_id": "38844" + } + ] + }, + { + "gloss": "october", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 247, + "frame_start": 198, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39359" + }, + { + "bbox": [ + 33, + 0, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457158.mp4", + "variation_id": 0, + "video_id": "39360" + }, + { + "bbox": [ + 179, + 9, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20October.mp4", + "variation_id": 0, + "video_id": "39361" + }, + { + "bbox": [ + 95, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721025.3538.mp4", + "variation_id": 0, + "video_id": "39362" + }, + { + "bbox": [ + 47, + 13, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/october.mp4", + "variation_id": 0, + "video_id": "39363" + }, + { + "bbox": [ + 87, + 17, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7094.mp4", + "variation_id": 0, + "video_id": "39364" + }, + { + "bbox": [ + 283, + 29, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qvpsx8DBhJU", + "variation_id": 0, + "video_id": "39365" + }, + { + "bbox": [ + 53, + 27, + 432, + 356 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=uNLfk_HwxyQ", + "variation_id": 0, + "video_id": "39366" + }, + { + "bbox": [ + 181, + 52, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/october.mp4", + "variation_id": 0, + "video_id": "39368" + } + ] + }, + { + "gloss": "odd", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 310, + "frame_start": 248, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39377" + }, + { + "bbox": [ + 65, + 13, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307969.mp4", + "variation_id": 0, + "video_id": "39378" + }, + { + "bbox": [ + 85, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896736.2553.mp4", + "variation_id": 0, + "video_id": "39379" + }, + { + "bbox": [ + 151, + 14, + 528, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/odd-fs.mp4", + "variation_id": 0, + "video_id": "39380" + }, + { + "bbox": [ + 43, + 10, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/odd-strange.mp4", + "variation_id": 0, + "video_id": "39381" + }, + { + "bbox": [ + 70, + 26, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22919.mp4", + "variation_id": 0, + "video_id": "39382" + }, + { + "bbox": [ + 346, + 21, + 1023, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mXe7smRA9BE", + "variation_id": 0, + "video_id": "39383" + }, + { + "bbox": [ + 20, + 24, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/odd.swf", + "variation_id": 0, + "video_id": "39384" + }, + { + "bbox": [ + 158, + 51, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bizarre.mp4", + "variation_id": 0, + "video_id": "39385" + } + ] + }, + { + "gloss": "offer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 477, + "frame_start": 428, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39424" + }, + { + "bbox": [ + 25, + 0, + 314, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51591.mp4", + "variation_id": 0, + "video_id": "39425" + }, + { + "bbox": [ + 739, + 68, + 1658, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Offer-Lr-aUA7LG3k.mp4", + "variation_id": 0, + "video_id": "39426" + }, + { + "bbox": [ + 671, + 47, + 1650, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Suggest%2C%20Offer-1q9N-UATWJQ.mp4", + "variation_id": 0, + "video_id": "39427" + }, + { + "bbox": [ + 141, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468721079.5053.mp4", + "variation_id": 0, + "video_id": "39428" + }, + { + "bbox": [ + 57, + 0, + 603, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/offer.mp4", + "variation_id": 0, + "video_id": "39429" + }, + { + "bbox": [ + 63, + 8, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14242.mp4", + "variation_id": 0, + "video_id": "39430" + }, + { + "bbox": [ + 17, + 16, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/offer.swf", + "variation_id": 0, + "video_id": "39431" + }, + { + "bbox": [ + 201, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suggest.mp4", + "variation_id": 0, + "video_id": "39432" + } + ] + }, + { + "gloss": "on", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 770, + "frame_start": 738, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39672" + }, + { + "bbox": [ + 311, + 37, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/on.mp4", + "variation_id": 0, + "video_id": "69420" + }, + { + "bbox": [ + 118, + 15, + 550, + 480 + ], + "fps": 25, + "frame_end": 5176, + "frame_start": 5066, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70169" + }, + { + "bbox": [ + 29, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457174.mp4", + "variation_id": 0, + "video_id": "39839" + }, + { + "bbox": [ + 162, + 17, + 545, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/on.mp4", + "variation_id": 0, + "video_id": "39840" + }, + { + "bbox": [ + 506, + 0, + 1400, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 3, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20On-VcTeyUq9uVs.mp4", + "variation_id": 0, + "video_id": "39841" + }, + { + "bbox": [ + 64, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/on.mp4", + "variation_id": 0, + "video_id": "39842" + }, + { + "bbox": [ + 0, + 10, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/on.swf", + "variation_id": 0, + "video_id": "39844" + }, + { + "bbox": [ + 198, + 62, + 578, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/on.mp4", + "variation_id": 0, + "video_id": "39845" + } + ] + }, + { + "gloss": "only", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 930, + "frame_start": 888, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39873" + }, + { + "bbox": [ + 46, + 6, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58543.mp4", + "variation_id": 0, + "video_id": "39874" + }, + { + "bbox": [ + 98, + 0, + 498, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722071.7283.mp4", + "variation_id": 0, + "video_id": "39875" + }, + { + "bbox": [ + 48, + 8, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/only.mp4", + "variation_id": 0, + "video_id": "39876" + }, + { + "bbox": [ + 64, + 11, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14274.mp4", + "variation_id": 0, + "video_id": "39877" + }, + { + "bbox": [ + 80, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14275.mp4", + "variation_id": 0, + "video_id": "39878" + }, + { + "bbox": [ + 69, + 10, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14276.mp4", + "variation_id": 0, + "video_id": "39879" + }, + { + "bbox": [ + 20, + 8, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/only.swf", + "variation_id": 0, + "video_id": "39880" + }, + { + "bbox": [ + 234, + 34, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alone.mp4", + "variation_id": 0, + "video_id": "39881" + } + ] + }, + { + "gloss": "opposite", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1053, + "frame_start": 1001, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40049" + }, + { + "bbox": [ + 112, + 38, + 492, + 480 + ], + "fps": 25, + "frame_end": 2091, + "frame_start": 1960, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70183" + }, + { + "bbox": [ + 55, + 15, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307964.mp4", + "variation_id": 0, + "video_id": "40050" + }, + { + "bbox": [ + 376, + 62, + 1738, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Opposite-N636f_IoaOM.mp4", + "variation_id": 0, + "video_id": "40051" + }, + { + "bbox": [ + 47, + 12, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466902762.7738.mp4", + "variation_id": 0, + "video_id": "40052" + }, + { + "bbox": [ + 77, + 8, + 524, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/opposite.mp4", + "variation_id": 0, + "video_id": "40053" + }, + { + "bbox": [ + 55, + 8, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14037.mp4", + "variation_id": 0, + "video_id": "40054" + }, + { + "bbox": [ + 357, + 53, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=gpC1pUBPrmE", + "variation_id": 0, + "video_id": "40055" + }, + { + "bbox": [ + 176, + 52, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/opposite.mp4", + "variation_id": 0, + "video_id": "40056" + } + ] + }, + { + "gloss": "out", + "instances": [ + { + "bbox": [ + 52, + 15, + 498, + 480 + ], + "fps": 25, + "frame_end": 8653, + "frame_start": 8591, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70053" + }, + { + "bbox": [ + 52, + 10, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/out.mp4", + "variation_id": 0, + "video_id": "40401" + }, + { + "bbox": [ + 45, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7182.mp4", + "variation_id": 0, + "video_id": "40403" + }, + { + "bbox": [ + 333, + 50, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=l9DEEvJt5NY", + "variation_id": 0, + "video_id": "40406" + }, + { + "bbox": [ + 318, + 47, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=oz63G93uNGk", + "variation_id": 0, + "video_id": "40407" + }, + { + "bbox": [ + 168, + 53, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/out.mp4", + "variation_id": 0, + "video_id": "40409" + }, + { + "bbox": [ + 206, + 17, + 520, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/out.mp4", + "variation_id": 0, + "video_id": "40397" + }, + { + "bbox": [ + 712, + 139, + 1639, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Leave%2C%20Out-f5rnzf8Q5Qk.mp4", + "variation_id": 0, + "video_id": "40398" + }, + { + "bbox": [ + 88, + 25, + 497, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1469158377.9631.mp4", + "variation_id": 0, + "video_id": "40399" + } + ] + }, + { + "gloss": "overlook", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1533, + "frame_start": 1497, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40576" + }, + { + "bbox": [ + 140, + 26, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OV/OVERLOOK-1526.mp4", + "variation_id": 0, + "video_id": "66253" + }, + { + "bbox": [ + 66, + 35, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93982.mp4", + "variation_id": 0, + "video_id": "40577" + }, + { + "bbox": [ + 704, + 61, + 1613, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Overlook-Myq4iq2A4dU.mp4", + "variation_id": 0, + "video_id": "40578" + }, + { + "bbox": [ + 101, + 24, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1527813341.5215.mp4", + "variation_id": 0, + "video_id": "40579" + }, + { + "bbox": [ + 16, + 6, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/overlook.mp4", + "variation_id": 0, + "video_id": "40580" + }, + { + "bbox": [ + 50, + 4, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9556.mp4", + "variation_id": 0, + "video_id": "40581" + }, + { + "bbox": [ + 247, + 38, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=KH_Uzj7o0o8", + "variation_id": 0, + "video_id": "40582" + }, + { + "bbox": [ + 203, + 20, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=y3z2IWdEd48", + "variation_id": 0, + "video_id": "40583" + } + ] + }, + { + "gloss": "path", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 759, + "frame_start": 680, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41477" + }, + { + "bbox": [ + 66, + 10, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116242.mp4", + "variation_id": 0, + "video_id": "41480" + }, + { + "bbox": [ + 68, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185687.mp4", + "variation_id": 0, + "video_id": "41481" + }, + { + "bbox": [ + 28, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/191089.mp4", + "variation_id": 0, + "video_id": "41482" + }, + { + "bbox": [ + 98, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468724364.5027.mp4", + "variation_id": 0, + "video_id": "41483" + }, + { + "bbox": [ + 50, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/path.mp4", + "variation_id": 0, + "video_id": "41484" + }, + { + "bbox": [ + 64, + 11, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2613.mp4", + "variation_id": 0, + "video_id": "41485" + }, + { + "bbox": [ + 16, + 5, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/path.swf", + "variation_id": 0, + "video_id": "41486" + }, + { + "bbox": [ + 201, + 50, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/avenue.mp4", + "variation_id": 0, + "video_id": "41487" + } + ] + }, + { + "gloss": "percent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1440, + "frame_start": 1384, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41970" + }, + { + "bbox": [ + 587, + 60, + 1554, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Percent%2C%20Percentage-IDefKfCqosY.mp4", + "variation_id": 0, + "video_id": "41976" + }, + { + "bbox": [ + 104, + 17, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/YLcsL8p7GzQ", + "variation_id": 0, + "video_id": "67977" + }, + { + "bbox": [ + 120, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725032.5555.mp4", + "variation_id": 0, + "video_id": "41977" + }, + { + "bbox": [ + 28, + 11, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/percent.mp4", + "variation_id": 0, + "video_id": "41978" + }, + { + "bbox": [ + 63, + 12, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14003.mp4", + "variation_id": 0, + "video_id": "41979" + }, + { + "bbox": [ + 330, + 41, + 923, + 713 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PFPm3NAc67w", + "variation_id": 0, + "video_id": "41980" + }, + { + "bbox": [ + 26, + 18, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/percent.swf", + "variation_id": 0, + "video_id": "41981" + }, + { + "bbox": [ + 189, + 52, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/percent.mp4", + "variation_id": 0, + "video_id": "41982" + } + ] + }, + { + "gloss": "physics", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1966, + "frame_start": 1927, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42551" + }, + { + "bbox": [ + 79, + 34, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93991.mp4", + "variation_id": 0, + "video_id": "42552" + }, + { + "bbox": [ + 414, + 59, + 840, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/physics.mp4", + "variation_id": 0, + "video_id": "42553" + }, + { + "bbox": [ + 615, + 58, + 1774, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Physics-vd4UaEKOlB8.mp4", + "variation_id": 0, + "video_id": "42554" + }, + { + "bbox": [ + 58, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468725945.8788.mp4", + "variation_id": 0, + "video_id": "42555" + }, + { + "bbox": [ + 84, + 19, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/physics.mp4", + "variation_id": 0, + "video_id": "42556" + }, + { + "bbox": [ + 73, + 12, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7945.mp4", + "variation_id": 0, + "video_id": "42557" + }, + { + "bbox": [ + 310, + 38, + 1039, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=v1zPgPDqYI4", + "variation_id": 0, + "video_id": "42558" + }, + { + "bbox": [ + 187, + 58, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/physics.mp4", + "variation_id": 0, + "video_id": "42560" + } + ] + }, + { + "gloss": "piano", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2043, + "frame_start": 1967, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42564" + }, + { + "bbox": [ + 88, + 10, + 421, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bIlbRKBPBPk", + "variation_id": 0, + "video_id": "67980" + }, + { + "bbox": [ + 357, + 57, + 846, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/piano.mp4", + "variation_id": 0, + "video_id": "42565" + }, + { + "bbox": [ + 414, + 127, + 1741, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Piano-VC92r7QLMPo.mp4", + "variation_id": 0, + "video_id": "42566" + }, + { + "bbox": [ + 77, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468725971.7398.mp4", + "variation_id": 0, + "video_id": "42567" + }, + { + "bbox": [ + 32, + 8, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/piano.mp4", + "variation_id": 0, + "video_id": "42568" + }, + { + "bbox": [ + 46, + 10, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8924.mp4", + "variation_id": 0, + "video_id": "42569" + }, + { + "bbox": [ + 0, + 2, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/piano.swf", + "variation_id": 0, + "video_id": "42570" + }, + { + "bbox": [ + 180, + 48, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/organ.mp4", + "variation_id": 0, + "video_id": "42571" + } + ] + }, + { + "gloss": "pick", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2086, + "frame_start": 2044, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42577" + }, + { + "bbox": [ + 275, + 22, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BrhyPe_x2w4", + "variation_id": 0, + "video_id": "42591" + }, + { + "bbox": [ + 193, + 4, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PI/PICK-214.mp4", + "variation_id": 0, + "video_id": "66291" + }, + { + "bbox": [ + 682, + 49, + 1489, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Discover%2C%20Find%2C%20Pick-jylo-mwwAFQ.mp4", + "variation_id": 0, + "video_id": "42585" + }, + { + "bbox": [ + 21, + 8, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/p/pick.swf", + "variation_id": 0, + "video_id": "42596" + }, + { + "bbox": [ + 187, + 52, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/pick.mp4", + "variation_id": 0, + "video_id": "42597" + }, + { + "bbox": [ + 34, + 0, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pick.mp4", + "variation_id": 0, + "video_id": "42587" + }, + { + "bbox": [ + 69, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14268.mp4", + "variation_id": 0, + "video_id": "42588" + }, + { + "bbox": [ + 83, + 11, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6201.mp4", + "variation_id": 0, + "video_id": "42589" + } + ] + }, + { + "gloss": "pie", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2280, + "frame_start": 2204, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42662" + }, + { + "bbox": [ + 67, + 1, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457771.mp4", + "variation_id": 0, + "video_id": "42671" + }, + { + "bbox": [ + 108, + 0, + 401, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/zDe9SqLfgG8", + "variation_id": 0, + "video_id": "67983" + }, + { + "bbox": [ + 693, + 62, + 1611, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pie-qYyoVxL86o4.mp4", + "variation_id": 0, + "video_id": "42672" + }, + { + "bbox": [ + 130, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468726109.3580.mp4", + "variation_id": 0, + "video_id": "42673" + }, + { + "bbox": [ + 51, + 1, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/pie-food.mp4", + "variation_id": 0, + "video_id": "42674" + }, + { + "bbox": [ + 76, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6712.mp4", + "variation_id": 0, + "video_id": "42675" + }, + { + "bbox": [ + 23, + 21, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/pie.swf", + "variation_id": 0, + "video_id": "42676" + }, + { + "bbox": [ + 228, + 38, + 503, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pie.mp4", + "variation_id": 0, + "video_id": "42677" + } + ] + }, + { + "gloss": "plate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2879, + "frame_start": 2820, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43110" + }, + { + "bbox": [ + 331, + 67, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=mohLIZD89Yo", + "variation_id": 0, + "video_id": "43119" + }, + { + "bbox": [ + 379, + 67, + 910, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=R_ULPl3cfv0", + "variation_id": 0, + "video_id": "43120" + }, + { + "bbox": [ + 201, + 4, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PL/PLATE-906.mp4", + "variation_id": 0, + "video_id": "66299" + }, + { + "bbox": [ + 629, + 68, + 1723, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Plate-EpSFp_lYgqE.mp4", + "variation_id": 0, + "video_id": "43113" + }, + { + "bbox": [ + 185, + 63, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/dish.mp4", + "variation_id": 0, + "video_id": "43124" + }, + { + "bbox": [ + 135, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468726566.8997.mp4", + "variation_id": 0, + "video_id": "43114" + }, + { + "bbox": [ + 75, + 17, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7302.mp4", + "variation_id": 0, + "video_id": "43117" + }, + { + "bbox": [ + 279, + 44, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2Uujn0ghfsQ", + "variation_id": 0, + "video_id": "43118" + } + ] + }, + { + "gloss": "pocket", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3245, + "frame_start": 3186, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43375" + }, + { + "bbox": [ + 744, + 37, + 1337, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pocket-5p9KvD9XtcM.mp4", + "variation_id": 0, + "video_id": "43380" + }, + { + "bbox": [ + 921, + 50, + 1469, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pocket-UvuzVjV0YG4.mp4", + "variation_id": 0, + "video_id": "43381" + }, + { + "bbox": [ + 187, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754186.5815.mp4", + "variation_id": 0, + "video_id": "43382" + }, + { + "bbox": [ + 135, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/pocket.mp4", + "variation_id": 0, + "video_id": "43383" + }, + { + "bbox": [ + 71, + 23, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22216.mp4", + "variation_id": 0, + "video_id": "43384" + }, + { + "bbox": [ + 87, + 24, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22217.mp4", + "variation_id": 0, + "video_id": "43385" + }, + { + "bbox": [ + 314, + 42, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=GiAOyR8yxqA", + "variation_id": 0, + "video_id": "43386" + }, + { + "bbox": [ + 168, + 51, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pocket.mp4", + "variation_id": 0, + "video_id": "43388" + } + ] + }, + { + "gloss": "popcorn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3582, + "frame_start": 3506, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43695" + }, + { + "bbox": [ + 460, + 75, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Popcorn.mp4", + "variation_id": 0, + "video_id": "43697" + }, + { + "bbox": [ + 108, + 0, + 405, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/QsOmdJQ3yEE", + "variation_id": 0, + "video_id": "67091" + }, + { + "bbox": [ + 100, + 5, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 22, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1476145269.4518.mp4", + "variation_id": 0, + "video_id": "43698" + }, + { + "bbox": [ + 82, + 1, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/popcorn.mp4", + "variation_id": 0, + "video_id": "43699" + }, + { + "bbox": [ + 75, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6409.mp4", + "variation_id": 0, + "video_id": "43700" + }, + { + "bbox": [ + 344, + 33, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=f1FFdgGVFIk", + "variation_id": 0, + "video_id": "43701" + }, + { + "bbox": [ + 12, + 2, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/popcorn.swf", + "variation_id": 0, + "video_id": "43702" + }, + { + "bbox": [ + 191, + 51, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/popcorn.mp4", + "variation_id": 0, + "video_id": "43703" + } + ] + }, + { + "gloss": "positive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3752, + "frame_start": 3693, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43808" + }, + { + "bbox": [ + 141, + 18, + 529, + 480 + ], + "fps": 25, + "frame_end": 1361, + "frame_start": 1246, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70365" + }, + { + "bbox": [ + 166, + 9, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POSITIVE-918.mp4", + "variation_id": 0, + "video_id": "66313" + }, + { + "bbox": [ + 28, + 1, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/245785.mp4", + "variation_id": 0, + "video_id": "43809" + }, + { + "bbox": [ + 127, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468754828.1011.mp4", + "variation_id": 0, + "video_id": "43810" + }, + { + "bbox": [ + 116, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/positive.mp4", + "variation_id": 0, + "video_id": "43811" + }, + { + "bbox": [ + 73, + 17, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6474.mp4", + "variation_id": 0, + "video_id": "43812" + }, + { + "bbox": [ + 0, + 7, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/positive.swf", + "variation_id": 0, + "video_id": "43813" + }, + { + "bbox": [ + 239, + 38, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/add2.mp4", + "variation_id": 0, + "video_id": "43814" + } + ] + }, + { + "gloss": "pregnant", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4613, + "frame_start": 4574, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44232" + }, + { + "bbox": [ + 272, + 24, + 942, + 720 + ], + "fps": 25, + "frame_end": 79, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Crr5N3bs58g", + "variation_id": 0, + "video_id": "68388" + }, + { + "bbox": [ + 209, + 52, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pregnant.mp4", + "variation_id": 0, + "video_id": "44242" + }, + { + "bbox": [ + 72, + 26, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93996.mp4", + "variation_id": 0, + "video_id": "44233" + }, + { + "bbox": [ + 453, + 62, + 884, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pregnant.mp4", + "variation_id": 0, + "video_id": "44234" + }, + { + "bbox": [ + 133, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468755316.2468.mp4", + "variation_id": 0, + "video_id": "44235" + }, + { + "bbox": [ + 55, + 0, + 460, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pregnant.mp4", + "variation_id": 0, + "video_id": "44236" + }, + { + "bbox": [ + 64, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8678.mp4", + "variation_id": 0, + "video_id": "44237" + }, + { + "bbox": [ + 347, + 42, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=h5taRMjdtlA", + "variation_id": 0, + "video_id": "44239" + } + ] + }, + { + "gloss": "prevent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5123, + "frame_start": 5084, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44440" + }, + { + "bbox": [ + 74, + 33, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93997.mp4", + "variation_id": 0, + "video_id": "44441" + }, + { + "bbox": [ + 439, + 65, + 830, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/prevent.mp4", + "variation_id": 0, + "video_id": "44442" + }, + { + "bbox": [ + 139, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755673.4723.mp4", + "variation_id": 0, + "video_id": "44443" + }, + { + "bbox": [ + 44, + 10, + 564, + 473 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/prevent.mp4", + "variation_id": 0, + "video_id": "44444" + }, + { + "bbox": [ + 78, + 6, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14208.mp4", + "variation_id": 0, + "video_id": "44445" + }, + { + "bbox": [ + 262, + 11, + 1028, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dj-kxWQ67vI", + "variation_id": 0, + "video_id": "44446" + }, + { + "bbox": [ + 2, + 15, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/prevent.swf", + "variation_id": 0, + "video_id": "44447" + }, + { + "bbox": [ + 216, + 40, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/block.mp4", + "variation_id": 0, + "video_id": "44448" + } + ] + }, + { + "gloss": "proof", + "instances": [ + { + "bbox": [ + 162, + 24, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROOF-753.mp4", + "variation_id": 0, + "video_id": "66341" + }, + { + "bbox": [ + 71, + 0, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457808.mp4", + "variation_id": 0, + "video_id": "44949" + }, + { + "bbox": [ + 729, + 72, + 1618, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Proof%2C%20Prove-eb2pFfWeyBc.mp4", + "variation_id": 0, + "video_id": "44950" + }, + { + "bbox": [ + 85, + 11, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378036.1785.mp4", + "variation_id": 0, + "video_id": "44951" + }, + { + "bbox": [ + 71, + 13, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/proof.mp4", + "variation_id": 0, + "video_id": "44952" + }, + { + "bbox": [ + 98, + 22, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23491.mp4", + "variation_id": 0, + "video_id": "44953" + }, + { + "bbox": [ + 319, + 46, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=u-MyQQGswdY", + "variation_id": 0, + "video_id": "44954" + }, + { + "bbox": [ + 0, + 8, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/proof.swf", + "variation_id": 0, + "video_id": "44955" + }, + { + "bbox": [ + 196, + 57, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/proof.mp4", + "variation_id": 0, + "video_id": "44956" + } + ] + }, + { + "gloss": "pumpkin", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6808, + "frame_start": 6756, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45323" + }, + { + "bbox": [ + 142, + 23, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PU/PUMPKIN-383.mp4", + "variation_id": 0, + "video_id": "66352" + }, + { + "bbox": [ + 30, + 1, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457809.mp4", + "variation_id": 0, + "video_id": "45324" + }, + { + "bbox": [ + 75, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757310.4317.mp4", + "variation_id": 0, + "video_id": "45325" + }, + { + "bbox": [ + 97, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/pumpkin.mp4", + "variation_id": 0, + "video_id": "45326" + }, + { + "bbox": [ + 59, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8967.mp4", + "variation_id": 0, + "video_id": "45327" + }, + { + "bbox": [ + 268, + 28, + 999, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Z2nUIVmCTmU", + "variation_id": 0, + "video_id": "45328" + }, + { + "bbox": [ + 0, + 11, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/pumpkin.swf", + "variation_id": 0, + "video_id": "45329" + }, + { + "bbox": [ + 228, + 38, + 514, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pumpkin.mp4", + "variation_id": 0, + "video_id": "45330" + } + ] + }, + { + "gloss": "purpose", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6975, + "frame_start": 6899, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45447" + }, + { + "bbox": [ + 74, + 8, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/purpose.mov", + "variation_id": 0, + "video_id": "45448" + }, + { + "bbox": [ + 27, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116449.mp4", + "variation_id": 0, + "video_id": "45449" + }, + { + "bbox": [ + 464, + 62, + 1486, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Purpose%2C%20Intention-dWugRIqtxRc.mp4", + "variation_id": 0, + "video_id": "45450" + }, + { + "bbox": [ + 113, + 0, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468757373.7912.mp4", + "variation_id": 0, + "video_id": "45451" + }, + { + "bbox": [ + 9, + 0, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 86, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/purpose.mp4", + "variation_id": 0, + "video_id": "45452" + }, + { + "bbox": [ + 49, + 15, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1799.mp4", + "variation_id": 0, + "video_id": "45453" + }, + { + "bbox": [ + 0, + 16, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/purpose.swf", + "variation_id": 0, + "video_id": "45454" + }, + { + "bbox": [ + 191, + 55, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/define.mp4", + "variation_id": 0, + "video_id": "45455" + } + ] + }, + { + "gloss": "race", + "instances": [ + { + "bbox": [ + 28, + 9, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/153688.mp4", + "variation_id": 0, + "video_id": "45864" + }, + { + "bbox": [ + 422, + 53, + 1630, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Compete%2C%20Race%202-bf7XJn1XVnE.mp4", + "variation_id": 0, + "video_id": "45865" + }, + { + "bbox": [ + 688, + 68, + 1617, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Compete%2C%20Race-vra4HNHPZlE.mp4", + "variation_id": 0, + "video_id": "45866" + }, + { + "bbox": [ + 180, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757936.48.mp4", + "variation_id": 0, + "video_id": "45867" + }, + { + "bbox": [ + 64, + 12, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/race-compete.mp4", + "variation_id": 0, + "video_id": "45869" + }, + { + "bbox": [ + 64, + 9, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14079.mp4", + "variation_id": 0, + "video_id": "45870" + }, + { + "bbox": [ + 307, + 8, + 961, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2udgTcSbKrI", + "variation_id": 0, + "video_id": "45871" + }, + { + "bbox": [ + 14, + 19, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/race.swf", + "variation_id": 0, + "video_id": "45872" + }, + { + "bbox": [ + 185, + 63, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/contest.mp4", + "variation_id": 0, + "video_id": "45873" + } + ] + }, + { + "gloss": "realize", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 789, + "frame_start": 720, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46326" + }, + { + "bbox": [ + 192, + 51, + 414, + 360 + ], + "fps": 25, + "frame_end": 6395, + "frame_start": 6283, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70354" + }, + { + "bbox": [ + 1, + 20, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/realize.swf", + "variation_id": 0, + "video_id": "46335" + }, + { + "bbox": [ + 183, + 50, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rational.mp4", + "variation_id": 0, + "video_id": "46336" + }, + { + "bbox": [ + 43, + 8, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116486.mp4", + "variation_id": 0, + "video_id": "46327" + }, + { + "bbox": [ + 661, + 70, + 1672, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reason%2C%20Realize-gODzuUZeg5Q.mp4", + "variation_id": 0, + "video_id": "46330" + }, + { + "bbox": [ + 48, + 21, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/realize.mp4", + "variation_id": 0, + "video_id": "46332" + }, + { + "bbox": [ + 48, + 8, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14244.mp4", + "variation_id": 0, + "video_id": "46333" + }, + { + "bbox": [ + 196, + 0, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m-sTSg-3NhE", + "variation_id": 0, + "video_id": "46334" + } + ] + }, + { + "gloss": "recognize", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1006, + "frame_start": 960, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46587" + }, + { + "bbox": [ + 44, + 9, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116493.mp4", + "variation_id": 0, + "video_id": "46588" + }, + { + "bbox": [ + 721, + 59, + 1547, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Notice-1Q-EcJYOYyw.mp4", + "variation_id": 0, + "video_id": "46589" + }, + { + "bbox": [ + 133, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758706.7711.mp4", + "variation_id": 0, + "video_id": "46590" + }, + { + "bbox": [ + 37, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/recognize.mp4", + "variation_id": 0, + "video_id": "46591" + }, + { + "bbox": [ + 72, + 22, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22621.mp4", + "variation_id": 0, + "video_id": "46592" + }, + { + "bbox": [ + 340, + 30, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8PQk-1OlPto", + "variation_id": 0, + "video_id": "46594" + }, + { + "bbox": [ + 25, + 20, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/recognize.swf", + "variation_id": 0, + "video_id": "46595" + }, + { + "bbox": [ + 201, + 62, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/notice.mp4", + "variation_id": 0, + "video_id": "46596" + } + ] + }, + { + "gloss": "refuse", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1349, + "frame_start": 1313, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46862" + }, + { + "bbox": [ + 161, + 6, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REFUSE-953.mp4", + "variation_id": 0, + "video_id": "66381" + }, + { + "bbox": [ + 77, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116508.mp4", + "variation_id": 0, + "video_id": "46863" + }, + { + "bbox": [ + 712, + 68, + 1648, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Refuse-5Ie-PHHNbJo.mp4", + "variation_id": 0, + "video_id": "46864" + }, + { + "bbox": [ + 147, + 1, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468759045.7058.mp4", + "variation_id": 0, + "video_id": "46865" + }, + { + "bbox": [ + 62, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/refuse.mp4", + "variation_id": 0, + "video_id": "46866" + }, + { + "bbox": [ + 71, + 20, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22126.mp4", + "variation_id": 0, + "video_id": "46867" + }, + { + "bbox": [ + 30, + 21, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/refuse.swf", + "variation_id": 0, + "video_id": "46869" + }, + { + "bbox": [ + 220, + 38, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wont.mp4", + "variation_id": 0, + "video_id": "46870" + } + ] + }, + { + "gloss": "relationship", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1565, + "frame_start": 1513, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47037" + }, + { + "bbox": [ + 181, + 18, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RELATIONSHIP-1164.mp4", + "variation_id": 0, + "video_id": "66384" + }, + { + "bbox": [ + 102, + 12, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/p0dxBxcRlIY", + "variation_id": 0, + "video_id": "67130" + }, + { + "bbox": [ + 81, + 8, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/relationship.mov", + "variation_id": 0, + "video_id": "47038" + }, + { + "bbox": [ + 46, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/49273.mp4", + "variation_id": 0, + "video_id": "47039" + }, + { + "bbox": [ + 152, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468759315.7284.mp4", + "variation_id": 0, + "video_id": "47040" + }, + { + "bbox": [ + 110, + 4, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/relationship.mp4", + "variation_id": 0, + "video_id": "47041" + }, + { + "bbox": [ + 74, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9324.mp4", + "variation_id": 0, + "video_id": "47042" + }, + { + "bbox": [ + 142, + 1, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8bfb4_ZMcmk", + "variation_id": 0, + "video_id": "47043" + } + ] + }, + { + "gloss": "repeat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2037, + "frame_start": 1995, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47295" + }, + { + "bbox": [ + 68, + 8, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/400218.mp4", + "variation_id": 0, + "video_id": "47300" + }, + { + "bbox": [ + 538, + 62, + 1765, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 27, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Again-EYX5aL3d8_M.mp4", + "variation_id": 0, + "video_id": "47301" + }, + { + "bbox": [ + 117, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759774.4768.mp4", + "variation_id": 0, + "video_id": "47302" + }, + { + "bbox": [ + 86, + 11, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/repeat2.mp4", + "variation_id": 0, + "video_id": "47303" + }, + { + "bbox": [ + 84, + 14, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/repeat.mp4", + "variation_id": 0, + "video_id": "47304" + }, + { + "bbox": [ + 69, + 15, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6335.mp4", + "variation_id": 0, + "video_id": "47305" + }, + { + "bbox": [ + 22, + 17, + 196, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/repeat.swf", + "variation_id": 0, + "video_id": "47306" + }, + { + "bbox": [ + 135, + 49, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/again.mp4", + "variation_id": 0, + "video_id": "47307" + } + ] + }, + { + "gloss": "replace", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2090, + "frame_start": 2038, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47329" + }, + { + "bbox": [ + 157, + 21, + 510, + 480 + ], + "fps": 25, + "frame_end": 5876, + "frame_start": 5753, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70126" + }, + { + "bbox": [ + 103, + 32, + 522, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REPLACE-961.mp4", + "variation_id": 0, + "video_id": "66392" + }, + { + "bbox": [ + 387, + 53, + 819, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/replace.mp4", + "variation_id": 0, + "video_id": "47332" + }, + { + "bbox": [ + 137, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468759819.5910.mp4", + "variation_id": 0, + "video_id": "47333" + }, + { + "bbox": [ + 73, + 4, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/replace.mp4", + "variation_id": 0, + "video_id": "47334" + }, + { + "bbox": [ + 52, + 8, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8891.mp4", + "variation_id": 0, + "video_id": "47335" + }, + { + "bbox": [ + 9, + 17, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/replace.swf", + "variation_id": 0, + "video_id": "47336" + }, + { + "bbox": [ + 213, + 49, + 508, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/exchange.mp4", + "variation_id": 0, + "video_id": "47337" + } + ] + }, + { + "gloss": "report", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2187, + "frame_start": 2148, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47348" + }, + { + "bbox": [ + 19, + 7, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/report.swf", + "variation_id": 0, + "video_id": "47366" + }, + { + "bbox": [ + 52, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185254.mp4", + "variation_id": 0, + "video_id": "47357" + }, + { + "bbox": [ + 852, + 65, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Order%2C%20Report-ry-A2Jnaih4.mp4", + "variation_id": 0, + "video_id": "47358" + }, + { + "bbox": [ + 48, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/report2.mp4", + "variation_id": 0, + "video_id": "47360" + }, + { + "bbox": [ + 76, + 15, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/report.mp4", + "variation_id": 0, + "video_id": "47361" + }, + { + "bbox": [ + 73, + 14, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5604.mp4", + "variation_id": 0, + "video_id": "47362" + }, + { + "bbox": [ + 130, + 10, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=sxkEC_WCv-I", + "variation_id": 0, + "video_id": "47363" + }, + { + "bbox": [ + 144, + 3, + 506, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ULhwxIZ2nHg", + "variation_id": 0, + "video_id": "47364" + } + ] + }, + { + "gloss": "represent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2234, + "frame_start": 2188, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47371" + }, + { + "bbox": [ + 75, + 4, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/represent.mov", + "variation_id": 0, + "video_id": "47380" + }, + { + "bbox": [ + 20, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51893.mp4", + "variation_id": 0, + "video_id": "47381" + }, + { + "bbox": [ + 694, + 63, + 1653, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Represent%202-qmQVVXvgMY4.mp4", + "variation_id": 0, + "video_id": "47382" + }, + { + "bbox": [ + 495, + 52, + 1686, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Represent%203-7p6tsY0z-_s.mp4", + "variation_id": 0, + "video_id": "47383" + }, + { + "bbox": [ + 150, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468759977.387.mp4", + "variation_id": 0, + "video_id": "47384" + }, + { + "bbox": [ + 76, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6176.mp4", + "variation_id": 0, + "video_id": "47385" + }, + { + "bbox": [ + 12, + 12, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/represent.swf", + "variation_id": 0, + "video_id": "47386" + }, + { + "bbox": [ + 232, + 42, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/represent.mp4", + "variation_id": 0, + "video_id": "47387" + } + ] + }, + { + "gloss": "request", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2334, + "frame_start": 2295, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47449" + }, + { + "bbox": [ + 57, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116528.mp4", + "variation_id": 0, + "video_id": "47450" + }, + { + "bbox": [ + 149, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760043.2710.mp4", + "variation_id": 0, + "video_id": "47451" + }, + { + "bbox": [ + 148, + 34, + 483, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/request.mp4", + "variation_id": 0, + "video_id": "47452" + }, + { + "bbox": [ + 77, + 14, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7787.mp4", + "variation_id": 0, + "video_id": "47453" + }, + { + "bbox": [ + 81, + 17, + 445, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=e--esjN_q3o", + "variation_id": 0, + "video_id": "47454" + }, + { + "bbox": [ + 397, + 55, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-JLJeA_R9es", + "variation_id": 0, + "video_id": "47455" + }, + { + "bbox": [ + 27, + 15, + 196, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/request.swf", + "variation_id": 0, + "video_id": "47456" + }, + { + "bbox": [ + 194, + 48, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ask.mp4", + "variation_id": 0, + "video_id": "47457" + } + ] + }, + { + "gloss": "responsibility", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2757, + "frame_start": 2651, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47638" + }, + { + "bbox": [ + 135, + 29, + 539, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RESPONSIBILITY-968.mp4", + "variation_id": 0, + "video_id": "66397" + }, + { + "bbox": [ + 93, + 23, + 379, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/er0EUSbN9Ro", + "variation_id": 0, + "video_id": "67137" + }, + { + "bbox": [ + 58, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 77, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/185261.mp4", + "variation_id": 0, + "video_id": "47640" + }, + { + "bbox": [ + 643, + 22, + 1664, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Responsibility-GXvZT1H-qaQ.mp4", + "variation_id": 0, + "video_id": "47641" + }, + { + "bbox": [ + 98, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760442.1111.mp4", + "variation_id": 0, + "video_id": "47642" + }, + { + "bbox": [ + 76, + 22, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22609.mp4", + "variation_id": 0, + "video_id": "47643" + }, + { + "bbox": [ + 166, + 40, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/responsible.mp4", + "variation_id": 0, + "video_id": "47644" + } + ] + }, + { + "gloss": "result", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2924, + "frame_start": 2875, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47729" + }, + { + "bbox": [ + 174, + 67, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/results.mp4", + "variation_id": 0, + "video_id": "47738" + }, + { + "bbox": [ + 116, + 29, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RESULT-970.mp4", + "variation_id": 0, + "video_id": "66399" + }, + { + "bbox": [ + 52, + 2, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/62898.mp4", + "variation_id": 0, + "video_id": "47731" + }, + { + "bbox": [ + 657, + 65, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Result%202-OUtV38oOqz0.mp4", + "variation_id": 0, + "video_id": "47732" + }, + { + "bbox": [ + 600, + 68, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Result-v8K-16IgA24.mp4", + "variation_id": 0, + "video_id": "47733" + }, + { + "bbox": [ + 156, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760530.2072.mp4", + "variation_id": 0, + "video_id": "47734" + }, + { + "bbox": [ + 50, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/r/result.mp4", + "variation_id": 0, + "video_id": "47735" + }, + { + "bbox": [ + 56, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2593.mp4", + "variation_id": 0, + "video_id": "47736" + } + ] + }, + { + "gloss": "reveal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3077, + "frame_start": 3031, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47837" + }, + { + "bbox": [ + 96, + 10, + 455, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/reveal-show.mp4", + "variation_id": 0, + "video_id": "47845" + }, + { + "bbox": [ + 65, + 14, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14243.mp4", + "variation_id": 0, + "video_id": "47846" + }, + { + "bbox": [ + 65, + 14, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14243.mp4", + "variation_id": 0, + "video_id": "47847" + }, + { + "bbox": [ + 0, + 2, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/r/reveal.swf", + "variation_id": 0, + "video_id": "47849" + }, + { + "bbox": [ + 190, + 50, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/show.mp4", + "variation_id": 0, + "video_id": "47851" + }, + { + "bbox": [ + 498, + 92, + 1613, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reveal%20True%20Character-y2fb4p3LVcA.mp4", + "variation_id": 0, + "video_id": "47840" + }, + { + "bbox": [ + 153, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468760795.7493.mp4", + "variation_id": 0, + "video_id": "47841" + }, + { + "bbox": [ + 77, + 6, + 440, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/reveal-admit.mp4", + "variation_id": 0, + "video_id": "47842" + } + ] + }, + { + "gloss": "ring", + "instances": [ + { + "bbox": [ + 68, + 0, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457650.mp4", + "variation_id": 0, + "video_id": "48159" + }, + { + "bbox": [ + 135, + 0, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761117.4035.mp4", + "variation_id": 0, + "video_id": "48163" + }, + { + "bbox": [ + 114, + 6, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/ring-jewelry.mp4", + "variation_id": 0, + "video_id": "48164" + }, + { + "bbox": [ + 64, + 19, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23623.mp4", + "variation_id": 0, + "video_id": "48166" + }, + { + "bbox": [ + 131, + 19, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/lP7Nqj3bUq8", + "variation_id": 0, + "video_id": "67144" + }, + { + "bbox": [ + 264, + 12, + 1134, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=TK7LOCY8zuE", + "variation_id": 0, + "video_id": "48170" + }, + { + "bbox": [ + 29, + 4, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/ring.swf", + "variation_id": 0, + "video_id": "48172" + }, + { + "bbox": [ + 187, + 50, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/ring.mp4", + "variation_id": 0, + "video_id": "48175" + }, + { + "bbox": [ + 441, + 74, + 840, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ring.mp4", + "variation_id": 0, + "video_id": "48160" + } + ] + }, + { + "gloss": "rob", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3663, + "frame_start": 3607, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48304" + }, + { + "bbox": [ + 89, + 21, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22595.mp4", + "variation_id": 0, + "video_id": "48334" + }, + { + "bbox": [ + 73, + 7, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116588.mp4", + "variation_id": 0, + "video_id": "48325" + }, + { + "bbox": [ + 221, + 35, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/steal.mp4", + "variation_id": 0, + "video_id": "48336" + }, + { + "bbox": [ + 688, + 103, + 1660, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rob%202-8uY_mkTA_Gs.mp4", + "variation_id": 0, + "video_id": "48327" + }, + { + "bbox": [ + 709, + 138, + 1578, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rob%203-NcsLMmPZDh8.mp4", + "variation_id": 0, + "video_id": "48328" + }, + { + "bbox": [ + 685, + 105, + 1909, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rob%205-ocy5JJvBmzQ.mp4", + "variation_id": 0, + "video_id": "48329" + }, + { + "bbox": [ + 683, + 102, + 1653, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rob-4s2T7fiBLSc.mp4", + "variation_id": 0, + "video_id": "48330" + }, + { + "bbox": [ + 619, + 52, + 1627, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rob-XE5uu9mQi1A.mp4", + "variation_id": 0, + "video_id": "48331" + } + ] + }, + { + "gloss": "rock", + "instances": [ + { + "bbox": [ + 187, + 54, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stone.mp4", + "variation_id": 0, + "video_id": "48378" + }, + { + "bbox": [ + 135, + 34, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RO/ROCK-241.mp4", + "variation_id": 0, + "video_id": "66411" + }, + { + "bbox": [ + 59, + 16, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/73367.mp4", + "variation_id": 0, + "video_id": "48371" + }, + { + "bbox": [ + 99, + 14, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Lc9_PIP7xDc", + "variation_id": 0, + "video_id": "67146" + }, + { + "bbox": [ + 616, + 76, + 1694, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Rock%2C%20Stone-RiDmp1AJ26g.mp4", + "variation_id": 0, + "video_id": "48373" + }, + { + "bbox": [ + 122, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468761202.775.mp4", + "variation_id": 0, + "video_id": "48374" + }, + { + "bbox": [ + 46, + 11, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rock-stone.mp4", + "variation_id": 0, + "video_id": "48375" + }, + { + "bbox": [ + 59, + 18, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8593.mp4", + "variation_id": 0, + "video_id": "48376" + }, + { + "bbox": [ + 33, + 19, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rock.swf", + "variation_id": 0, + "video_id": "48377" + } + ] + }, + { + "gloss": "role", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3817, + "frame_start": 3768, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48403" + }, + { + "bbox": [ + 117, + 29, + 478, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RO/ROLE-980.mp4", + "variation_id": 0, + "video_id": "66412" + }, + { + "bbox": [ + 78, + 9, + 232, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/role.mov", + "variation_id": 0, + "video_id": "48404" + }, + { + "bbox": [ + 66, + 11, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/155551.mp4", + "variation_id": 0, + "video_id": "48405" + }, + { + "bbox": [ + 131, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468761236.8768.mp4", + "variation_id": 0, + "video_id": "48406" + }, + { + "bbox": [ + 57, + 0, + 304, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/role.mp4", + "variation_id": 0, + "video_id": "48407" + }, + { + "bbox": [ + 67, + 12, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7942.mp4", + "variation_id": 0, + "video_id": "48408" + }, + { + "bbox": [ + 136, + 3, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=gv7yWaHr7k8", + "variation_id": 0, + "video_id": "48409" + }, + { + "bbox": [ + 167, + 50, + 520, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/role.mp4", + "variation_id": 0, + "video_id": "48411" + } + ] + }, + { + "gloss": "rope", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4096, + "frame_start": 4034, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48556" + }, + { + "bbox": [ + 11, + 17, + 430, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/IwbpHvg-7-o", + "variation_id": 0, + "video_id": "67151" + }, + { + "bbox": [ + 28, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457636.mp4", + "variation_id": 0, + "video_id": "48557" + }, + { + "bbox": [ + 58, + 0, + 637, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761402.6244.mp4", + "variation_id": 0, + "video_id": "48558" + }, + { + "bbox": [ + 37, + 15, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/rope2.mp4", + "variation_id": 0, + "video_id": "48559" + }, + { + "bbox": [ + 15, + 12, + 261, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2631.mp4", + "variation_id": 0, + "video_id": "48560" + }, + { + "bbox": [ + 231, + 36, + 1016, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AehhuWalHHo", + "variation_id": 0, + "video_id": "48561" + }, + { + "bbox": [ + 0, + 4, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/rope.swf", + "variation_id": 0, + "video_id": "48562" + }, + { + "bbox": [ + 133, + 51, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rope.mp4", + "variation_id": 0, + "video_id": "48563" + } + ] + }, + { + "gloss": "rush", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4299, + "frame_start": 4243, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48885" + }, + { + "bbox": [ + 71, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457625.mp4", + "variation_id": 0, + "video_id": "48890" + }, + { + "bbox": [ + 81, + 12, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468639357.2122.mp4", + "variation_id": 0, + "video_id": "48891" + }, + { + "bbox": [ + 69, + 14, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rush-hurry.mp4", + "variation_id": 0, + "video_id": "48892" + }, + { + "bbox": [ + 78, + 22, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22327.mp4", + "variation_id": 0, + "video_id": "48893" + }, + { + "bbox": [ + 77, + 23, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22328.mp4", + "variation_id": 0, + "video_id": "48894" + }, + { + "bbox": [ + 380, + 39, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jl-bHIVSq-o", + "variation_id": 0, + "video_id": "48895" + }, + { + "bbox": [ + 22, + 18, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/r/rush.swf", + "variation_id": 0, + "video_id": "48896" + }, + { + "bbox": [ + 183, + 51, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hurry.mp4", + "variation_id": 0, + "video_id": "48897" + } + ] + }, + { + "gloss": "salute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 326, + "frame_start": 277, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49148" + }, + { + "bbox": [ + 63, + 38, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/94016.mp4", + "variation_id": 0, + "video_id": "49149" + }, + { + "bbox": [ + 78, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762657.68.mp4", + "variation_id": 0, + "video_id": "49150" + }, + { + "bbox": [ + 28, + 30, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/salute-military.mp4", + "variation_id": 0, + "video_id": "49151" + }, + { + "bbox": [ + 30, + 10, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2662.mp4", + "variation_id": 0, + "video_id": "49152" + }, + { + "bbox": [ + 224, + 2, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=hv9GDKFLTS0", + "variation_id": 0, + "video_id": "49153" + }, + { + "bbox": [ + 196, + 19, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vhZAQXynCMs", + "variation_id": 0, + "video_id": "49154" + }, + { + "bbox": [ + 0, + 12, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/salute.swf", + "variation_id": 0, + "video_id": "49155" + }, + { + "bbox": [ + 159, + 43, + 578, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/salute.mp4", + "variation_id": 0, + "video_id": "49156" + } + ] + }, + { + "gloss": "satisfy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 456, + "frame_start": 407, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49317" + }, + { + "bbox": [ + 136, + 28, + 502, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SA/SATISFY-2169.mp4", + "variation_id": 0, + "video_id": "66427" + }, + { + "bbox": [ + 42, + 11, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116790.mp4", + "variation_id": 0, + "video_id": "49318" + }, + { + "bbox": [ + 59, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762973.9708.mp4", + "variation_id": 0, + "video_id": "49319" + }, + { + "bbox": [ + 55, + 13, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9210.mp4", + "variation_id": 0, + "video_id": "49320" + }, + { + "bbox": [ + 211, + 15, + 1123, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=0zSHZngEFRU", + "variation_id": 0, + "video_id": "49321" + }, + { + "bbox": [ + 152, + 0, + 1090, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XhRwaBXeMlQ", + "variation_id": 0, + "video_id": "49322" + }, + { + "bbox": [ + 0, + 2, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/satisfy.swf", + "variation_id": 0, + "video_id": "49323" + }, + { + "bbox": [ + 190, + 47, + 580, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/satisfy.mp4", + "variation_id": 0, + "video_id": "49324" + } + ] + }, + { + "gloss": "search", + "instances": [ + { + "bbox": [ + 51, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50782.mp4", + "variation_id": 0, + "video_id": "49931" + }, + { + "bbox": [ + 248, + 33, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scout.mp4", + "variation_id": 0, + "video_id": "49941" + }, + { + "bbox": [ + 425, + 42, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Search%2C%20Looking-aTiBJW-OTQE.mp4", + "variation_id": 0, + "video_id": "49933" + }, + { + "bbox": [ + 116, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468764105.7783.mp4", + "variation_id": 0, + "video_id": "49934" + }, + { + "bbox": [ + 55, + 14, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/search.mp4", + "variation_id": 0, + "video_id": "49935" + }, + { + "bbox": [ + 75, + 21, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22797.mp4", + "variation_id": 0, + "video_id": "49936" + }, + { + "bbox": [ + 79, + 19, + 430, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=blZFYY2VD5A", + "variation_id": 0, + "video_id": "49937" + }, + { + "bbox": [ + 297, + 36, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=blZFYY2VD5A", + "variation_id": 0, + "video_id": "49938" + }, + { + "bbox": [ + 302, + 38, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SA5A9fl3se4", + "variation_id": 0, + "video_id": "49939" + } + ] + }, + { + "gloss": "selfish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1954, + "frame_start": 1895, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50243" + }, + { + "bbox": [ + 54, + 8, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116822.mp4", + "variation_id": 0, + "video_id": "50244" + }, + { + "bbox": [ + 680, + 81, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Greed%2C%20Selfish-AEGfA8qd_Sg.mp4", + "variation_id": 0, + "video_id": "50245" + }, + { + "bbox": [ + 102, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765067.3725.mp4", + "variation_id": 0, + "video_id": "50246" + }, + { + "bbox": [ + 26, + 0, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/selfish.mp4", + "variation_id": 0, + "video_id": "50247" + }, + { + "bbox": [ + 46, + 18, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/selfish-very.mp4", + "variation_id": 0, + "video_id": "50248" + }, + { + "bbox": [ + 65, + 17, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24036.mp4", + "variation_id": 0, + "video_id": "50249" + }, + { + "bbox": [ + 306, + 33, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=dpUPVbUARX4", + "variation_id": 0, + "video_id": "50250" + }, + { + "bbox": [ + 178, + 51, + 606, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/selfish.mp4", + "variation_id": 0, + "video_id": "50252" + } + ] + }, + { + "gloss": "sensitive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2250, + "frame_start": 2184, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50397" + }, + { + "bbox": [ + 158, + 32, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SENSITIVE-1019.mp4", + "variation_id": 0, + "video_id": "66447" + }, + { + "bbox": [ + 34, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58431.mp4", + "variation_id": 0, + "video_id": "50398" + }, + { + "bbox": [ + 455, + 70, + 1564, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sensitive%202-k7w4W0tYM90.mp4", + "variation_id": 0, + "video_id": "50399" + }, + { + "bbox": [ + 47, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sensitive.mp4", + "variation_id": 0, + "video_id": "50400" + }, + { + "bbox": [ + 42, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sensitive-very.mp4", + "variation_id": 0, + "video_id": "50401" + }, + { + "bbox": [ + 65, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2714.mp4", + "variation_id": 0, + "video_id": "50402" + }, + { + "bbox": [ + 325, + 50, + 912, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=RytejIo7Vz0", + "variation_id": 0, + "video_id": "50403" + }, + { + "bbox": [ + 220, + 37, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sensitive.mp4", + "variation_id": 0, + "video_id": "50405" + } + ] + }, + { + "gloss": "serve", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2603, + "frame_start": 2541, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50528" + }, + { + "bbox": [ + 194, + 50, + 563, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/serve.mp4", + "variation_id": 0, + "video_id": "50537" + }, + { + "bbox": [ + 145, + 31, + 526, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SERVE-1021.mp4", + "variation_id": 0, + "video_id": "66449" + }, + { + "bbox": [ + 38, + 14, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89945.mp4", + "variation_id": 0, + "video_id": "50529" + }, + { + "bbox": [ + 129, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468765425.2084.mp4", + "variation_id": 0, + "video_id": "50532" + }, + { + "bbox": [ + 61, + 12, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/serve.mp4", + "variation_id": 0, + "video_id": "50533" + }, + { + "bbox": [ + 54, + 25, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22999.mp4", + "variation_id": 0, + "video_id": "50534" + }, + { + "bbox": [ + 161, + 15, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=DZobxFPZLgg", + "variation_id": 0, + "video_id": "50535" + }, + { + "bbox": [ + 4, + 9, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/serve.swf", + "variation_id": 0, + "video_id": "50536" + } + ] + }, + { + "gloss": "seven", + "instances": [ + { + "bbox": [ + 284, + 41, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/seven.mp4", + "variation_id": 0, + "video_id": "69463" + }, + { + "bbox": [ + 160, + 16, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SEVEN-641.mp4", + "variation_id": 0, + "video_id": "66453" + }, + { + "bbox": [ + 49, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 1, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357178.mp4", + "variation_id": 0, + "video_id": "50617" + }, + { + "bbox": [ + 641, + 114, + 1499, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%207-JOcIe5ikrP8.mp4", + "variation_id": 0, + "video_id": "50618" + }, + { + "bbox": [ + 39, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/seven.mp4", + "variation_id": 0, + "video_id": "50619" + }, + { + "bbox": [ + 79, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/11/11007.mp4", + "variation_id": 0, + "video_id": "50620" + }, + { + "bbox": [ + 332, + 33, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jaOgr8FVFck", + "variation_id": 0, + "video_id": "50621" + }, + { + "bbox": [ + 0, + 18, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/seven.swf", + "variation_id": 0, + "video_id": "50622" + }, + { + "bbox": [ + 193, + 51, + 546, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/seven.mp4", + "variation_id": 0, + "video_id": "50623" + } + ] + }, + { + "gloss": "shampoo", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2990, + "frame_start": 2928, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50825" + }, + { + "bbox": [ + 75, + 16, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hLmxeXkEWdg", + "variation_id": 0, + "video_id": "67184" + }, + { + "bbox": [ + 31, + 10, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/65912.mp4", + "variation_id": 0, + "video_id": "50826" + }, + { + "bbox": [ + 367, + 74, + 1676, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shampoo-Z1GkrRye8uY.mp4", + "variation_id": 0, + "video_id": "50827" + }, + { + "bbox": [ + 99, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468765711.1298.mp4", + "variation_id": 0, + "video_id": "50828" + }, + { + "bbox": [ + 0, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/shampoo.mp4", + "variation_id": 0, + "video_id": "50829" + }, + { + "bbox": [ + 47, + 10, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2723.mp4", + "variation_id": 0, + "video_id": "50830" + }, + { + "bbox": [ + 0, + 7, + 246, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/shampoo.swf", + "variation_id": 0, + "video_id": "50831" + }, + { + "bbox": [ + 215, + 21, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shampoo.mp4", + "variation_id": 0, + "video_id": "50832" + } + ] + }, + { + "gloss": "she", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3256, + "frame_start": 3210, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50918" + }, + { + "bbox": [ + 366, + 35, + 874, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/she.mp4", + "variation_id": 0, + "video_id": "69466" + }, + { + "bbox": [ + 64, + 15, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89946.mp4", + "variation_id": 0, + "video_id": "50948" + }, + { + "bbox": [ + 139, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765813.2123.mp4", + "variation_id": 0, + "video_id": "50949" + }, + { + "bbox": [ + 53, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/she.mp4", + "variation_id": 0, + "video_id": "50950" + }, + { + "bbox": [ + 72, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24020.mp4", + "variation_id": 0, + "video_id": "50951" + }, + { + "bbox": [ + 51, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24021.mp4", + "variation_id": 0, + "video_id": "50952" + }, + { + "bbox": [ + 25, + 13, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/she.swf", + "variation_id": 0, + "video_id": "50953" + }, + { + "bbox": [ + 261, + 39, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/she.mp4", + "variation_id": 0, + "video_id": "50954" + } + ] + }, + { + "gloss": "shelf", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3383, + "frame_start": 3334, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50956" + }, + { + "bbox": [ + 192, + 21, + 1139, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/shelf.mp4", + "variation_id": 0, + "video_id": "69467" + }, + { + "bbox": [ + 65, + 14, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310821.mp4", + "variation_id": 0, + "video_id": "50957" + }, + { + "bbox": [ + 94, + 0, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765869.7721.mp4", + "variation_id": 0, + "video_id": "50958" + }, + { + "bbox": [ + 72, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/shelf.mp4", + "variation_id": 0, + "video_id": "50959" + }, + { + "bbox": [ + 48, + 12, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24285.mp4", + "variation_id": 0, + "video_id": "50960" + }, + { + "bbox": [ + 348, + 37, + 1042, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Fxqv3CmM1ZM", + "variation_id": 0, + "video_id": "50961" + }, + { + "bbox": [ + 0, + 6, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/s/shelf_glass.swf", + "variation_id": 0, + "video_id": "50962" + }, + { + "bbox": [ + 246, + 38, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shelf.mp4", + "variation_id": 0, + "video_id": "50964" + } + ] + }, + { + "gloss": "shopping", + "instances": [ + { + "bbox": [ + 408, + 60, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shopping.mp4", + "variation_id": 0, + "video_id": "51197" + }, + { + "bbox": [ + 101, + 29, + 471, + 480 + ], + "fps": 25, + "frame_end": 3659, + "frame_start": 3543, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70072" + }, + { + "bbox": [ + 324, + 15, + 735, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20shopping-uvCZq3r2WbM.mp4", + "variation_id": 0, + "video_id": "51198" + }, + { + "bbox": [ + 139, + 18, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522678509.3333.mp4", + "variation_id": 0, + "video_id": "51199" + }, + { + "bbox": [ + 31, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/shopping.mp4", + "variation_id": 0, + "video_id": "51200" + }, + { + "bbox": [ + 326, + 61, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=EGQpRIk0epM", + "variation_id": 0, + "video_id": "51201" + }, + { + "bbox": [ + 73, + 30, + 437, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OearZ9SfXBQ", + "variation_id": 0, + "video_id": "51202" + }, + { + "bbox": [ + 339, + 50, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=OearZ9SfXBQ", + "variation_id": 0, + "video_id": "51203" + }, + { + "bbox": [ + 5, + 7, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/s/shopping.swf", + "variation_id": 0, + "video_id": "51204" + } + ] + }, + { + "gloss": "sign language", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4064, + "frame_start": 3998, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51657" + }, + { + "bbox": [ + 198, + 0, + 1110, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=6cCmHoxAGtc", + "variation_id": 0, + "video_id": "51665" + }, + { + "bbox": [ + 79, + 12, + 403, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/BCcwYIjkWc0", + "variation_id": 0, + "video_id": "67200" + }, + { + "bbox": [ + 192, + 51, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sign-language.mp4", + "variation_id": 0, + "video_id": "51667" + }, + { + "bbox": [ + 222, + 13, + 550, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sign-language.mp4", + "variation_id": 0, + "video_id": "51658" + }, + { + "bbox": [ + 54, + 16, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522767262.5286.mp4", + "variation_id": 0, + "video_id": "51660" + }, + { + "bbox": [ + 42, + 10, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sign-language.mp4", + "variation_id": 0, + "video_id": "51661" + }, + { + "bbox": [ + 55, + 21, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22308.mp4", + "variation_id": 0, + "video_id": "51662" + }, + { + "bbox": [ + 49, + 22, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22310.mp4", + "variation_id": 0, + "video_id": "51664" + } + ] + }, + { + "gloss": "similar", + "instances": [ + { + "bbox": [ + 22, + 8, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/similar.swf", + "variation_id": 0, + "video_id": "51737" + }, + { + "bbox": [ + 190, + 49, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alike.mp4", + "variation_id": 0, + "video_id": "51738" + }, + { + "bbox": [ + 62, + 6, + 222, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/similar.mov", + "variation_id": 0, + "video_id": "51728" + }, + { + "bbox": [ + 60, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50810.mp4", + "variation_id": 0, + "video_id": "51729" + }, + { + "bbox": [ + 349, + 56, + 1688, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Same%2C%20Similar-u52CAu7ygrY.mp4", + "variation_id": 0, + "video_id": "51730" + }, + { + "bbox": [ + 126, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468767148.8757.mp4", + "variation_id": 0, + "video_id": "51731" + }, + { + "bbox": [ + 42, + 10, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/similar2.mp4", + "variation_id": 0, + "video_id": "51732" + }, + { + "bbox": [ + 43, + 12, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/similar.mp4", + "variation_id": 0, + "video_id": "51733" + }, + { + "bbox": [ + 70, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14298.mp4", + "variation_id": 0, + "video_id": "51734" + } + ] + }, + { + "gloss": "sing", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4377, + "frame_start": 4311, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51787" + }, + { + "bbox": [ + 200, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sing.mp4", + "variation_id": 0, + "video_id": "51810" + }, + { + "bbox": [ + 95, + 20, + 419, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9Wx0pOzqNL0", + "variation_id": 0, + "video_id": "67205" + }, + { + "bbox": [ + 477, + 47, + 1656, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Music%2C%20Sing-N2r3NCId7AE.mp4", + "variation_id": 0, + "video_id": "51803" + }, + { + "bbox": [ + 155, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468767278.973.mp4", + "variation_id": 0, + "video_id": "51804" + }, + { + "bbox": [ + 59, + 21, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sing.mp4", + "variation_id": 0, + "video_id": "51805" + }, + { + "bbox": [ + 80, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7756.mp4", + "variation_id": 0, + "video_id": "51806" + }, + { + "bbox": [ + 71, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9815.mp4", + "variation_id": 0, + "video_id": "51807" + }, + { + "bbox": [ + 9, + 5, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sing.swf", + "variation_id": 0, + "video_id": "51808" + } + ] + }, + { + "gloss": "six", + "instances": [ + { + "bbox": [ + 254, + 40, + 877, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/six.mp4", + "variation_id": 0, + "video_id": "69474" + }, + { + "bbox": [ + 170, + 15, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SIX-603.mp4", + "variation_id": 0, + "video_id": "66490" + }, + { + "bbox": [ + 50, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 1, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357177.mp4", + "variation_id": 0, + "video_id": "51954" + }, + { + "bbox": [ + 636, + 115, + 1503, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%206-zR2SZtM-DsM.mp4", + "variation_id": 0, + "video_id": "51955" + }, + { + "bbox": [ + 48, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/six.mp4", + "variation_id": 0, + "video_id": "51956" + }, + { + "bbox": [ + 78, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/11/11006.mp4", + "variation_id": 0, + "video_id": "51957" + }, + { + "bbox": [ + 147, + 16, + 470, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CuAcagWcLCs", + "variation_id": 0, + "video_id": "51958" + }, + { + "bbox": [ + 0, + 17, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/six.swf", + "variation_id": 0, + "video_id": "51959" + }, + { + "bbox": [ + 199, + 52, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/six.mp4", + "variation_id": 0, + "video_id": "51960" + } + ] + }, + { + "gloss": "skeleton", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4797, + "frame_start": 4751, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52081" + }, + { + "bbox": [ + 69, + 7, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116893.mp4", + "variation_id": 0, + "video_id": "52082" + }, + { + "bbox": [ + 135, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767546.7728.mp4", + "variation_id": 0, + "video_id": "52083" + }, + { + "bbox": [ + 20, + 0, + 310, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/skeleton.mp4", + "variation_id": 0, + "video_id": "52084" + }, + { + "bbox": [ + 33, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/skeleton-ribs.mp4", + "variation_id": 0, + "video_id": "52085" + }, + { + "bbox": [ + 84, + 18, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7215.mp4", + "variation_id": 0, + "video_id": "52086" + }, + { + "bbox": [ + 71, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7219.mp4", + "variation_id": 0, + "video_id": "52087" + }, + { + "bbox": [ + 0, + 8, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/skeleton.swf", + "variation_id": 0, + "video_id": "52088" + }, + { + "bbox": [ + 198, + 54, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/skeleton.mp4", + "variation_id": 0, + "video_id": "52089" + } + ] + }, + { + "gloss": "sketch", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4857, + "frame_start": 4798, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52102" + }, + { + "bbox": [ + 57, + 5, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/62888.mp4", + "variation_id": 0, + "video_id": "52103" + }, + { + "bbox": [ + 587, + 64, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sketch%2C%20Art%2C%20Draw-Q59qQzYpc2g.mp4", + "variation_id": 0, + "video_id": "52104" + }, + { + "bbox": [ + 61, + 14, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773594.1009.mp4", + "variation_id": 0, + "video_id": "52105" + }, + { + "bbox": [ + 70, + 13, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sketch-drawing.mp4", + "variation_id": 0, + "video_id": "52106" + }, + { + "bbox": [ + 70, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1134.mp4", + "variation_id": 0, + "video_id": "52107" + }, + { + "bbox": [ + 71, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6772.mp4", + "variation_id": 0, + "video_id": "52108" + }, + { + "bbox": [ + 15, + 10, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/sketch.swf", + "variation_id": 0, + "video_id": "52109" + }, + { + "bbox": [ + 199, + 54, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sketch.mp4", + "variation_id": 0, + "video_id": "52110" + } + ] + }, + { + "gloss": "skill", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4937, + "frame_start": 4905, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52137" + }, + { + "bbox": [ + 197, + 46, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SK/SKILL-1072.mp4", + "variation_id": 0, + "video_id": "66502" + }, + { + "bbox": [ + 72, + 10, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116896.mp4", + "variation_id": 0, + "video_id": "52143" + }, + { + "bbox": [ + 146, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767606.2062.mp4", + "variation_id": 0, + "video_id": "52144" + }, + { + "bbox": [ + 170, + 0, + 517, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/skill2.mp4", + "variation_id": 0, + "video_id": "52145" + }, + { + "bbox": [ + 135, + 0, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/skill.mp4", + "variation_id": 0, + "video_id": "52146" + }, + { + "bbox": [ + 84, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7204.mp4", + "variation_id": 0, + "video_id": "52147" + }, + { + "bbox": [ + 100, + 7, + 424, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=jVovA5JbRfQ", + "variation_id": 0, + "video_id": "52149" + }, + { + "bbox": [ + 0, + 3, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/skill.swf", + "variation_id": 0, + "video_id": "52150" + } + ] + }, + { + "gloss": "sleepy", + "instances": [ + { + "bbox": [ + 674, + 142, + 1582, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drowsy%2C%20Sleepy-orI_fmsHIsE.mp4", + "variation_id": 0, + "video_id": "52344" + }, + { + "bbox": [ + 153, + 38, + 391, + 360 + ], + "fps": 25, + "frame_end": 2707, + "frame_start": 2615, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=CSj7IScvZnE", + "variation_id": 0, + "video_id": "70289" + }, + { + "bbox": [ + 182, + 62, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drowsy.mp4", + "variation_id": 0, + "video_id": "52354" + }, + { + "bbox": [ + 147, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767863.8095.mp4", + "variation_id": 0, + "video_id": "52345" + }, + { + "bbox": [ + 170, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sleepy.mp4", + "variation_id": 0, + "video_id": "52347" + }, + { + "bbox": [ + 87, + 10, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14415.mp4", + "variation_id": 0, + "video_id": "52348" + }, + { + "bbox": [ + 95, + 15, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7066.mp4", + "variation_id": 0, + "video_id": "52349" + }, + { + "bbox": [ + 374, + 31, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=2LCp_ZNTwDA", + "variation_id": 0, + "video_id": "52350" + }, + { + "bbox": [ + 386, + 55, + 844, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 69, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=eKJAAYkRm5s", + "variation_id": 0, + "video_id": "52351" + } + ] + }, + { + "gloss": "slip", + "instances": [ + { + "bbox": [ + 159, + 43, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SL/SLIP-1075.mp4", + "variation_id": 0, + "video_id": "66507" + }, + { + "bbox": [ + 559, + 59, + 1571, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Slip-bg2G_5KWCok.mp4", + "variation_id": 0, + "video_id": "52430" + }, + { + "bbox": [ + 30, + 8, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/slip.swf", + "variation_id": 0, + "video_id": "52440" + }, + { + "bbox": [ + 183, + 62, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/document.mp4", + "variation_id": 0, + "video_id": "52441" + }, + { + "bbox": [ + 242, + 38, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/slip.mp4", + "variation_id": 0, + "video_id": "52442" + }, + { + "bbox": [ + 33, + 4, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/slip-fall.mp4", + "variation_id": 0, + "video_id": "52431" + }, + { + "bbox": [ + 39, + 10, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/slip-slide.mp4", + "variation_id": 0, + "video_id": "52432" + }, + { + "bbox": [ + 80, + 18, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7247.mp4", + "variation_id": 0, + "video_id": "52434" + }, + { + "bbox": [ + 88, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7248.mp4", + "variation_id": 0, + "video_id": "52435" + } + ] + }, + { + "gloss": "smell", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5575, + "frame_start": 5499, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52602" + }, + { + "bbox": [ + 177, + 43, + 463, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SM/SMELL-1076.mp4", + "variation_id": 0, + "video_id": "66510" + }, + { + "bbox": [ + 697, + 72, + 1668, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Smell-uk7h-NREDag.mp4", + "variation_id": 0, + "video_id": "52603" + }, + { + "bbox": [ + 124, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721045.7528.mp4", + "variation_id": 0, + "video_id": "52604" + }, + { + "bbox": [ + 108, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/smell.mp4", + "variation_id": 0, + "video_id": "52605" + }, + { + "bbox": [ + 49, + 11, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14153.mp4", + "variation_id": 0, + "video_id": "52606" + }, + { + "bbox": [ + 332, + 64, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=zmSQnIXguyg", + "variation_id": 0, + "video_id": "52607" + }, + { + "bbox": [ + 8, + 21, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/smell.swf", + "variation_id": 0, + "video_id": "52608" + }, + { + "bbox": [ + 206, + 35, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scent.mp4", + "variation_id": 0, + "video_id": "52609" + } + ] + }, + { + "gloss": "sneeze", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5832, + "frame_start": 5783, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52763" + }, + { + "bbox": [ + 122, + 17, + 361, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/oFAZnaG49AM", + "variation_id": 0, + "video_id": "67219" + }, + { + "bbox": [ + 59, + 14, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/483775.mp4", + "variation_id": 0, + "video_id": "52764" + }, + { + "bbox": [ + 141, + 31, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522678538.2281.mp4", + "variation_id": 0, + "video_id": "52765" + }, + { + "bbox": [ + 20, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sneeze2.mp4", + "variation_id": 0, + "video_id": "52766" + }, + { + "bbox": [ + 40, + 12, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2808.mp4", + "variation_id": 0, + "video_id": "52767" + }, + { + "bbox": [ + 314, + 35, + 949, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=N2Aa9po-jF8", + "variation_id": 0, + "video_id": "52768" + }, + { + "bbox": [ + 4, + 15, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/sneeze.swf", + "variation_id": 0, + "video_id": "52769" + }, + { + "bbox": [ + 200, + 56, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sneeze.mp4", + "variation_id": 0, + "video_id": "52770" + } + ] + }, + { + "gloss": "snob", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5889, + "frame_start": 5833, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52792" + }, + { + "bbox": [ + 680, + 66, + 1478, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Snob%203-Yrk6nXL08xg.mp4", + "variation_id": 0, + "video_id": "52796" + }, + { + "bbox": [ + 105, + 17, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/75YGLsvaarw", + "variation_id": 0, + "video_id": "67220" + }, + { + "bbox": [ + 666, + 118, + 1460, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Snob-5DTLSoLGffQ.mp4", + "variation_id": 0, + "video_id": "52797" + }, + { + "bbox": [ + 700, + 48, + 1664, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Snob-AHaPqKk-D58.mp4", + "variation_id": 0, + "video_id": "52798" + }, + { + "bbox": [ + 139, + 32, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1513524615.2302.mp4", + "variation_id": 0, + "video_id": "52799" + }, + { + "bbox": [ + 86, + 22, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22982.mp4", + "variation_id": 0, + "video_id": "52800" + }, + { + "bbox": [ + 32, + 20, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/snob.swf", + "variation_id": 0, + "video_id": "52801" + }, + { + "bbox": [ + 208, + 53, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/snob.mp4", + "variation_id": 0, + "video_id": "52802" + } + ] + }, + { + "gloss": "specific", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7300, + "frame_start": 7261, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53664" + }, + { + "bbox": [ + 64, + 5, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116959.mp4", + "variation_id": 0, + "video_id": "53667" + }, + { + "bbox": [ + 148, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842317.9240.mp4", + "variation_id": 0, + "video_id": "53668" + }, + { + "bbox": [ + 58, + 12, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/specific.mp4", + "variation_id": 0, + "video_id": "53669" + }, + { + "bbox": [ + 74, + 17, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24083.mp4", + "variation_id": 0, + "video_id": "53670" + }, + { + "bbox": [ + 79, + 17, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24084.mp4", + "variation_id": 0, + "video_id": "53671" + }, + { + "bbox": [ + 83, + 18, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24085.mp4", + "variation_id": 0, + "video_id": "53672" + }, + { + "bbox": [ + 254, + 12, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=nQigYlN51kQ", + "variation_id": 0, + "video_id": "53673" + }, + { + "bbox": [ + 203, + 54, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/specific.mp4", + "variation_id": 0, + "video_id": "53675" + } + ] + }, + { + "gloss": "stamp", + "instances": [ + { + "bbox": [ + 87, + 32, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/94034.mp4", + "variation_id": 0, + "video_id": "54341" + }, + { + "bbox": [ + 67, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6849.mp4", + "variation_id": 0, + "video_id": "54347" + }, + { + "bbox": [ + 63, + 10, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9685.mp4", + "variation_id": 0, + "video_id": "54348" + }, + { + "bbox": [ + 60, + 10, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9686.mp4", + "variation_id": 0, + "video_id": "54349" + }, + { + "bbox": [ + 322, + 31, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=9KmfjrycIrI", + "variation_id": 0, + "video_id": "54350" + }, + { + "bbox": [ + 82, + 25, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/6AyXhQTu4V4", + "variation_id": 0, + "video_id": "67239" + }, + { + "bbox": [ + 321, + 30, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hjcvusPkXC8", + "variation_id": 0, + "video_id": "54351" + }, + { + "bbox": [ + 1, + 18, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/stamp.swf", + "variation_id": 0, + "video_id": "54352" + }, + { + "bbox": [ + 145, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468866072.3930.mp4", + "variation_id": 0, + "video_id": "54343" + } + ] + }, + { + "gloss": "steel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8502, + "frame_start": 8453, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54607" + }, + { + "bbox": [ + 70, + 14, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310770.mp4", + "variation_id": 0, + "video_id": "54609" + }, + { + "bbox": [ + 147, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715028.3789.mp4", + "variation_id": 0, + "video_id": "54610" + }, + { + "bbox": [ + 163, + 16, + 533, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/steel.mp4", + "variation_id": 0, + "video_id": "54611" + }, + { + "bbox": [ + 72, + 19, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8574.mp4", + "variation_id": 0, + "video_id": "54612" + }, + { + "bbox": [ + 72, + 19, + 205, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8575.mp4", + "variation_id": 0, + "video_id": "54613" + }, + { + "bbox": [ + 71, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8576.mp4", + "variation_id": 0, + "video_id": "54614" + }, + { + "bbox": [ + 33, + 13, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/steel.swf", + "variation_id": 0, + "video_id": "54615" + }, + { + "bbox": [ + 225, + 45, + 480, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/iron.mp4", + "variation_id": 0, + "video_id": "54616" + } + ] + }, + { + "gloss": "strawberry", + "instances": [ + { + "bbox": [ + 349, + 37, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/strawberry.mp4", + "variation_id": 0, + "video_id": "69492" + }, + { + "bbox": [ + 81, + 13, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8015.mp4", + "variation_id": 0, + "video_id": "55111" + }, + { + "bbox": [ + 224, + 27, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRAWBERRY-2019.mp4", + "variation_id": 0, + "video_id": "66567" + }, + { + "bbox": [ + 224, + 27, + 482, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STRAWBERRY-2020.mp4", + "variation_id": 0, + "video_id": "66568" + }, + { + "bbox": [ + 107, + 2, + 400, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/Sc5frH8YsyM", + "variation_id": 0, + "video_id": "67251" + }, + { + "bbox": [ + 198, + 48, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/strawberry.mp4", + "variation_id": 0, + "video_id": "55114" + }, + { + "bbox": [ + 852, + 72, + 1585, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Strawberry-h56ZEHdCSqU.mp4", + "variation_id": 0, + "video_id": "55105" + }, + { + "bbox": [ + 154, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468896890.1158.mp4", + "variation_id": 0, + "video_id": "55106" + }, + { + "bbox": [ + 81, + 14, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8014.mp4", + "variation_id": 0, + "video_id": "55110" + } + ] + }, + { + "gloss": "subtract", + "instances": [ + { + "bbox": [ + 156, + 16, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SU/SUBTRACT-1236.mp4", + "variation_id": 0, + "video_id": "66577" + }, + { + "bbox": [ + 18, + 14, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/subtract.swf", + "variation_id": 0, + "video_id": "55542" + }, + { + "bbox": [ + 70, + 13, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/117079.mp4", + "variation_id": 0, + "video_id": "55533" + }, + { + "bbox": [ + 103, + 17, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/puc31cr2sos", + "variation_id": 0, + "video_id": "67259" + }, + { + "bbox": [ + 417, + 53, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/subtract.mp4", + "variation_id": 0, + "video_id": "55534" + }, + { + "bbox": [ + 579, + 58, + 1558, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Subtract%2C%20Deduct-jX7H4DoDQdo.mp4", + "variation_id": 0, + "video_id": "55535" + }, + { + "bbox": [ + 131, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897674.5577.mp4", + "variation_id": 0, + "video_id": "55536" + }, + { + "bbox": [ + 61, + 14, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/subtract.mp4", + "variation_id": 0, + "video_id": "55538" + }, + { + "bbox": [ + 71, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6468.mp4", + "variation_id": 0, + "video_id": "55539" + } + ] + }, + { + "gloss": "subway", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9992, + "frame_start": 9920, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55552" + }, + { + "bbox": [ + 42, + 2, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/482574.mp4", + "variation_id": 0, + "video_id": "55553" + }, + { + "bbox": [ + 618, + 95, + 1495, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Subway-qSOspusLa3U.mp4", + "variation_id": 0, + "video_id": "55554" + }, + { + "bbox": [ + 140, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897733.4092.mp4", + "variation_id": 0, + "video_id": "55555" + }, + { + "bbox": [ + 71, + 15, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/subway.mp4", + "variation_id": 0, + "video_id": "55556" + }, + { + "bbox": [ + 73, + 24, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22616.mp4", + "variation_id": 0, + "video_id": "55557" + }, + { + "bbox": [ + 326, + 43, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=94f1aywB0h8", + "variation_id": 0, + "video_id": "55558" + }, + { + "bbox": [ + 21, + 7, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/subway.swf", + "variation_id": 0, + "video_id": "55559" + }, + { + "bbox": [ + 193, + 53, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/subway.mp4", + "variation_id": 0, + "video_id": "55560" + } + ] + }, + { + "gloss": "suffer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10109, + "frame_start": 10040, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55633" + }, + { + "bbox": [ + 56, + 5, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244801.mp4", + "variation_id": 0, + "video_id": "55636" + }, + { + "bbox": [ + 640, + 66, + 1552, + 1058 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Suffer-c1XTeGMpGFY.mp4", + "variation_id": 0, + "video_id": "55637" + }, + { + "bbox": [ + 142, + 2, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897796.8743.mp4", + "variation_id": 0, + "video_id": "55638" + }, + { + "bbox": [ + 129, + 0, + 474, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/suffer.mp4", + "variation_id": 0, + "video_id": "55639" + }, + { + "bbox": [ + 96, + 19, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23385.mp4", + "variation_id": 0, + "video_id": "55640" + }, + { + "bbox": [ + 333, + 8, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=tNwKMRmxq0g", + "variation_id": 0, + "video_id": "55642" + }, + { + "bbox": [ + 33, + 13, + 194, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/suffer.swf", + "variation_id": 0, + "video_id": "55643" + }, + { + "bbox": [ + 193, + 53, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suffer.mp4", + "variation_id": 0, + "video_id": "55644" + } + ] + }, + { + "gloss": "surface", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10719, + "frame_start": 10647, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56046" + }, + { + "bbox": [ + 80, + 4, + 251, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/surface.mov", + "variation_id": 0, + "video_id": "56047" + }, + { + "bbox": [ + 743, + 69, + 1609, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lotion%2C%20Surface%2C%20Superficial-ALZg5tZLeIs.mp4", + "variation_id": 0, + "video_id": "56048" + }, + { + "bbox": [ + 168, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898363.3.mp4", + "variation_id": 0, + "video_id": "56049" + }, + { + "bbox": [ + 80, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/surface.mp4", + "variation_id": 0, + "video_id": "56050" + }, + { + "bbox": [ + 65, + 13, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14287.mp4", + "variation_id": 0, + "video_id": "56051" + }, + { + "bbox": [ + 61, + 10, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14297.mp4", + "variation_id": 0, + "video_id": "56052" + }, + { + "bbox": [ + 2, + 10, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/surface.swf", + "variation_id": 0, + "video_id": "56053" + }, + { + "bbox": [ + 244, + 38, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/surface.mp4", + "variation_id": 0, + "video_id": "56054" + } + ] + }, + { + "gloss": "sweep", + "instances": [ + { + "bbox": [ + 273, + 39, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zmXDu_vqgw4", + "variation_id": 0, + "video_id": "56288" + }, + { + "bbox": [ + 92, + 21, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/osBrnm1izic", + "variation_id": 0, + "video_id": "67272" + }, + { + "bbox": [ + 180, + 54, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/broom2.mp4", + "variation_id": 0, + "video_id": "56290" + }, + { + "bbox": [ + 59, + 22, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/306753.mp4", + "variation_id": 0, + "video_id": "56281" + }, + { + "bbox": [ + 88, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468898629.1009.mp4", + "variation_id": 0, + "video_id": "56282" + }, + { + "bbox": [ + 30, + 12, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sweep.mp4", + "variation_id": 0, + "video_id": "56283" + }, + { + "bbox": [ + 63, + 12, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2951.mp4", + "variation_id": 0, + "video_id": "56284" + }, + { + "bbox": [ + 303, + 24, + 903, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Hzt2lzv4Ga4", + "variation_id": 0, + "video_id": "56285" + }, + { + "bbox": [ + 308, + 24, + 896, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ibbmrw4nD1g", + "variation_id": 0, + "video_id": "56286" + } + ] + }, + { + "gloss": "swing", + "instances": [ + { + "bbox": [ + 320, + 16, + 832, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Swing--xSi2SflIYI.mp4", + "variation_id": 0, + "video_id": "56387" + }, + { + "bbox": [ + 77, + 0, + 419, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/YUl6U7Q5jUs", + "variation_id": 0, + "video_id": "67273" + }, + { + "bbox": [ + 117, + 0, + 635, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898759.2576.mp4", + "variation_id": 0, + "video_id": "56388" + }, + { + "bbox": [ + 80, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/swing.mp4", + "variation_id": 0, + "video_id": "56389" + }, + { + "bbox": [ + 68, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7251.mp4", + "variation_id": 0, + "video_id": "56390" + }, + { + "bbox": [ + 316, + 53, + 995, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=5UOvzSSG0gw", + "variation_id": 0, + "video_id": "56391" + }, + { + "bbox": [ + 280, + 120, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 80, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=zi2jJQGflss", + "variation_id": 0, + "video_id": "56392" + }, + { + "bbox": [ + 0, + 5, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/swing.swf", + "variation_id": 0, + "video_id": "56393" + }, + { + "bbox": [ + 234, + 38, + 510, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/swing.mp4", + "variation_id": 0, + "video_id": "56394" + } + ] + }, + { + "gloss": "switzerland", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11361, + "frame_start": 11289, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56422" + }, + { + "bbox": [ + 32, + 0, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455377.mp4", + "variation_id": 0, + "video_id": "56423" + }, + { + "bbox": [ + 519, + 81, + 1452, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Switzerland%202-4CwQ3J7Fo5I.mp4", + "variation_id": 0, + "video_id": "56424" + }, + { + "bbox": [ + 487, + 91, + 1455, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Switzerland-qcxiPssKJe4.mp4", + "variation_id": 0, + "video_id": "56425" + }, + { + "bbox": [ + 61, + 13, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1527815745.2096.mp4", + "variation_id": 0, + "video_id": "56426" + }, + { + "bbox": [ + 185, + 69, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 34, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546575168.4722.mp4", + "variation_id": 0, + "video_id": "56427" + }, + { + "bbox": [ + 120, + 0, + 484, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/switzerland.mp4", + "variation_id": 0, + "video_id": "56428" + }, + { + "bbox": [ + 55, + 3, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5770.mp4", + "variation_id": 0, + "video_id": "56429" + }, + { + "bbox": [ + 309, + 51, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7jXMrheF6eE", + "variation_id": 0, + "video_id": "56430" + } + ] + }, + { + "gloss": "tale", + "instances": [ + { + "bbox": [ + 49, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50854.mp4", + "variation_id": 0, + "video_id": "56779" + }, + { + "bbox": [ + 148, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896612.1567.mp4", + "variation_id": 0, + "video_id": "56780" + }, + { + "bbox": [ + 171, + 9, + 519, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tale.mp4", + "variation_id": 0, + "video_id": "56781" + }, + { + "bbox": [ + 49, + 0, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5711.mp4", + "variation_id": 0, + "video_id": "56782" + }, + { + "bbox": [ + 65, + 12, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8393.mp4", + "variation_id": 0, + "video_id": "56783" + }, + { + "bbox": [ + 52, + 9, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8855.mp4", + "variation_id": 0, + "video_id": "56784" + }, + { + "bbox": [ + 340, + 52, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wt3-VgI_fBA", + "variation_id": 0, + "video_id": "56785" + }, + { + "bbox": [ + 8, + 16, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/tale.swf", + "variation_id": 0, + "video_id": "56786" + }, + { + "bbox": [ + 200, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/story.mp4", + "variation_id": 0, + "video_id": "56787" + } + ] + }, + { + "gloss": "tan", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 343, + "frame_start": 311, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56870" + }, + { + "bbox": [ + 57, + 10, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89979.mp4", + "variation_id": 0, + "video_id": "56874" + }, + { + "bbox": [ + 621, + 77, + 1630, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tan-P2922Lwp90Q.mp4", + "variation_id": 0, + "video_id": "56875" + }, + { + "bbox": [ + 114, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943125.2429.mp4", + "variation_id": 0, + "video_id": "56876" + }, + { + "bbox": [ + 53, + 10, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/tan-color.mp4", + "variation_id": 0, + "video_id": "56877" + }, + { + "bbox": [ + 58, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6868.mp4", + "variation_id": 0, + "video_id": "56878" + }, + { + "bbox": [ + 265, + 14, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=U3iYK3oXsec", + "variation_id": 0, + "video_id": "56879" + }, + { + "bbox": [ + 24, + 12, + 196, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/tan.swf", + "variation_id": 0, + "video_id": "56880" + }, + { + "bbox": [ + 191, + 52, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tan.mp4", + "variation_id": 0, + "video_id": "56881" + } + ] + }, + { + "gloss": "teeth", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 739, + "frame_start": 673, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57203" + }, + { + "bbox": [ + 662, + 65, + 1397, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Teeth-xCbSWcfs9UE.mp4", + "variation_id": 0, + "video_id": "57205" + }, + { + "bbox": [ + 94, + 19, + 365, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/M5HEb6IJJ8A", + "variation_id": 0, + "video_id": "67285" + }, + { + "bbox": [ + 134, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943650.6563.mp4", + "variation_id": 0, + "video_id": "57206" + }, + { + "bbox": [ + 31, + 2, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/teeth.mp4", + "variation_id": 0, + "video_id": "57207" + }, + { + "bbox": [ + 84, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14703.mp4", + "variation_id": 0, + "video_id": "57208" + }, + { + "bbox": [ + 0, + 6, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/teeth_dental_cleaning.swf", + "variation_id": 0, + "video_id": "57209" + }, + { + "bbox": [ + 29, + 8, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 54, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/teeth.swf", + "variation_id": 0, + "video_id": "57210" + }, + { + "bbox": [ + 175, + 51, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/teeth.mp4", + "variation_id": 0, + "video_id": "57211" + } + ] + }, + { + "gloss": "terrible", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1228, + "frame_start": 1172, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57482" + }, + { + "bbox": [ + 0, + 10, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/terrible.swf", + "variation_id": 0, + "video_id": "57491" + }, + { + "bbox": [ + 188, + 47, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/awful.mp4", + "variation_id": 0, + "video_id": "57492" + }, + { + "bbox": [ + 31, + 13, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90006.mp4", + "variation_id": 0, + "video_id": "57483" + }, + { + "bbox": [ + 591, + 52, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Awful%2C%20Terrible-Jut7HkgsbjE.mp4", + "variation_id": 0, + "video_id": "57484" + }, + { + "bbox": [ + 456, + 101, + 1479, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Terrible%2C%20Really%20Good-g6VTWKynwF8.mp4", + "variation_id": 0, + "video_id": "57486" + }, + { + "bbox": [ + 90, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943918.6416.mp4", + "variation_id": 0, + "video_id": "57487" + }, + { + "bbox": [ + 28, + 18, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/terrible.mp4", + "variation_id": 0, + "video_id": "57488" + }, + { + "bbox": [ + 70, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22158.mp4", + "variation_id": 0, + "video_id": "57489" + } + ] + }, + { + "gloss": "thankful", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1511, + "frame_start": 1472, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57611" + }, + { + "bbox": [ + 49, + 13, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244791.mp4", + "variation_id": 0, + "video_id": "57612" + }, + { + "bbox": [ + 144, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944231.2757.mp4", + "variation_id": 0, + "video_id": "57613" + }, + { + "bbox": [ + 124, + 4, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/thankful-good.mp4", + "variation_id": 0, + "video_id": "57614" + }, + { + "bbox": [ + 94, + 2, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/thankful-goodthing.mp4", + "variation_id": 0, + "video_id": "57615" + }, + { + "bbox": [ + 130, + 7, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/thankful.mp4", + "variation_id": 0, + "video_id": "57616" + }, + { + "bbox": [ + 84, + 2, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6091.mp4", + "variation_id": 0, + "video_id": "57617" + }, + { + "bbox": [ + 83, + 7, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6092.mp4", + "variation_id": 0, + "video_id": "57618" + }, + { + "bbox": [ + 87, + 15, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6552.mp4", + "variation_id": 0, + "video_id": "57619" + } + ] + }, + { + "gloss": "they", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2146, + "frame_start": 2097, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57873" + }, + { + "bbox": [ + 0, + 18, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/they.swf", + "variation_id": 0, + "video_id": "57882" + }, + { + "bbox": [ + 143, + 52, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/they.mp4", + "variation_id": 0, + "video_id": "57883" + }, + { + "bbox": [ + 22, + 27, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90022.mp4", + "variation_id": 0, + "video_id": "57874" + }, + { + "bbox": [ + 216, + 0, + 1393, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 3, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20They-JhPsUxraZ6o.mp4", + "variation_id": 0, + "video_id": "57875" + }, + { + "bbox": [ + 134, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468944375.6831.mp4", + "variation_id": 0, + "video_id": "57876" + }, + { + "bbox": [ + 3, + 9, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/they.mp4", + "variation_id": 0, + "video_id": "57877" + }, + { + "bbox": [ + 48, + 12, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7359.mp4", + "variation_id": 0, + "video_id": "57880" + }, + { + "bbox": [ + 37, + 43, + 1004, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=13kQeMdVEqg", + "variation_id": 0, + "video_id": "57881" + } + ] + }, + { + "gloss": "through", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2611, + "frame_start": 2565, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58273" + }, + { + "bbox": [ + 73, + 15, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90030.mp4", + "variation_id": 0, + "video_id": "58274" + }, + { + "bbox": [ + 803, + 62, + 1705, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Through-IQfULxGvZRs.mp4", + "variation_id": 0, + "video_id": "58275" + }, + { + "bbox": [ + 114, + 25, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1539183921.3300.mp4", + "variation_id": 0, + "video_id": "58276" + }, + { + "bbox": [ + 115, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/through.mp4", + "variation_id": 0, + "video_id": "58277" + }, + { + "bbox": [ + 80, + 17, + 192, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23902.mp4", + "variation_id": 0, + "video_id": "58278" + }, + { + "bbox": [ + 355, + 0, + 1027, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=U5ABRApQ7DI", + "variation_id": 0, + "video_id": "58279" + }, + { + "bbox": [ + 22, + 5, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/through.swf", + "variation_id": 0, + "video_id": "58280" + }, + { + "bbox": [ + 171, + 52, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/through.mp4", + "variation_id": 0, + "video_id": "58281" + } + ] + }, + { + "gloss": "tiptoe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2977, + "frame_start": 2891, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58574" + }, + { + "bbox": [ + 66, + 30, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90084.mp4", + "variation_id": 0, + "video_id": "58575" + }, + { + "bbox": [ + 102, + 0, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tiptoe-bpcl.mp4", + "variation_id": 0, + "video_id": "58576" + }, + { + "bbox": [ + 72, + 15, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tiptoe-hush.mp4", + "variation_id": 0, + "video_id": "58577" + }, + { + "bbox": [ + 66, + 17, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/tiptoe.mp4", + "variation_id": 0, + "video_id": "58578" + }, + { + "bbox": [ + 72, + 14, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7122.mp4", + "variation_id": 0, + "video_id": "58579" + }, + { + "bbox": [ + 69, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7123.mp4", + "variation_id": 0, + "video_id": "58580" + }, + { + "bbox": [ + 25, + 12, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/tiptoe.swf", + "variation_id": 0, + "video_id": "58581" + }, + { + "bbox": [ + 157, + 52, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tiptoe.mp4", + "variation_id": 0, + "video_id": "58582" + } + ] + }, + { + "gloss": "title", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3171, + "frame_start": 3125, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58619" + }, + { + "bbox": [ + 168, + 33, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TI/TITLE-1243.mp4", + "variation_id": 0, + "video_id": "66650" + }, + { + "bbox": [ + 20, + 6, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/65772.mp4", + "variation_id": 0, + "video_id": "58620" + }, + { + "bbox": [ + 87, + 0, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945651.6687.mp4", + "variation_id": 0, + "video_id": "58621" + }, + { + "bbox": [ + 43, + 17, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/title.mp4", + "variation_id": 0, + "video_id": "58622" + }, + { + "bbox": [ + 57, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8622.mp4", + "variation_id": 0, + "video_id": "58623" + }, + { + "bbox": [ + 320, + 46, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7JusKOhSMpg", + "variation_id": 0, + "video_id": "58624" + }, + { + "bbox": [ + 18, + 18, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/title.swf", + "variation_id": 0, + "video_id": "58625" + }, + { + "bbox": [ + 179, + 63, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quote.mp4", + "variation_id": 0, + "video_id": "58626" + } + ] + }, + { + "gloss": "tooth", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3948, + "frame_start": 3869, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58886" + }, + { + "bbox": [ + 74, + 13, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310709.mp4", + "variation_id": 0, + "video_id": "58908" + }, + { + "bbox": [ + 729, + 74, + 1576, + 1052 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Glass%2C%20Tooth-0uNRZRyxQ2g.mp4", + "variation_id": 0, + "video_id": "58909" + }, + { + "bbox": [ + 659, + 70, + 1386, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tooth-6nl6V5giiB0.mp4", + "variation_id": 0, + "video_id": "58910" + }, + { + "bbox": [ + 171, + 1, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468946063.7222.mp4", + "variation_id": 0, + "video_id": "58911" + }, + { + "bbox": [ + 31, + 2, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/tooth.mp4", + "variation_id": 0, + "video_id": "58912" + }, + { + "bbox": [ + 89, + 18, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8329.mp4", + "variation_id": 0, + "video_id": "58913" + }, + { + "bbox": [ + 13, + 6, + 198, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 84, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/tooth.swf", + "variation_id": 0, + "video_id": "58914" + }, + { + "bbox": [ + 188, + 52, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tooth.mp4", + "variation_id": 0, + "video_id": "58915" + } + ] + }, + { + "gloss": "toothbrush", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4065, + "frame_start": 3949, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58893" + }, + { + "bbox": [ + 132, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946093.9829.mp4", + "variation_id": 0, + "video_id": "58897" + }, + { + "bbox": [ + 178, + 35, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TOOTHBRUSH-303.mp4", + "variation_id": 0, + "video_id": "66657" + }, + { + "bbox": [ + 75, + 20, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/nOWOxLWmZAs", + "variation_id": 0, + "video_id": "67315" + }, + { + "bbox": [ + 45, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50912.mp4", + "variation_id": 0, + "video_id": "58895" + }, + { + "bbox": [ + 62, + 14, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/toothbrush.mp4", + "variation_id": 0, + "video_id": "58898" + }, + { + "bbox": [ + 70, + 14, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7044.mp4", + "variation_id": 0, + "video_id": "58899" + }, + { + "bbox": [ + 0, + 0, + 241, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/toothbrush_electric.swf", + "variation_id": 0, + "video_id": "58900" + }, + { + "bbox": [ + 169, + 52, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/toothbrush.mp4", + "variation_id": 0, + "video_id": "58902" + } + ] + }, + { + "gloss": "total", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4314, + "frame_start": 4262, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59028" + }, + { + "bbox": [ + 29, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 50, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51759.mp4", + "variation_id": 0, + "video_id": "59032" + }, + { + "bbox": [ + 569, + 34, + 1725, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Total-z8N8fSaz91s.mp4", + "variation_id": 0, + "video_id": "59033" + }, + { + "bbox": [ + 100, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946203.8207.mp4", + "variation_id": 0, + "video_id": "59034" + }, + { + "bbox": [ + 62, + 16, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/total2.mp4", + "variation_id": 0, + "video_id": "59035" + }, + { + "bbox": [ + 50, + 15, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/total.mp4", + "variation_id": 0, + "video_id": "59036" + }, + { + "bbox": [ + 76, + 15, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6473.mp4", + "variation_id": 0, + "video_id": "59037" + }, + { + "bbox": [ + 0, + 3, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/total.swf", + "variation_id": 0, + "video_id": "59038" + }, + { + "bbox": [ + 187, + 35, + 506, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sum.mp4", + "variation_id": 0, + "video_id": "59039" + } + ] + }, + { + "gloss": "tough", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4388, + "frame_start": 4352, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59070" + }, + { + "bbox": [ + 57, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6657.mp4", + "variation_id": 0, + "video_id": "59079" + }, + { + "bbox": [ + 73, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8596.mp4", + "variation_id": 0, + "video_id": "59080" + }, + { + "bbox": [ + 0, + 14, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tough.swf", + "variation_id": 0, + "video_id": "59081" + }, + { + "bbox": [ + 181, + 57, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/difficult.mp4", + "variation_id": 0, + "video_id": "59082" + }, + { + "bbox": [ + 57, + 23, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90105.mp4", + "variation_id": 0, + "video_id": "59071" + }, + { + "bbox": [ + 576, + 63, + 1653, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hard%20As%20Rock%2C%20Stoned-tul-zQHbTek.mp4", + "variation_id": 0, + "video_id": "59072" + }, + { + "bbox": [ + 685, + 151, + 1428, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tough-jR33gcDOp7Q.mp4", + "variation_id": 0, + "video_id": "59073" + }, + { + "bbox": [ + 51, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tough2.mp4", + "variation_id": 0, + "video_id": "59075" + } + ] + }, + { + "gloss": "tradition", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4718, + "frame_start": 4672, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59225" + }, + { + "bbox": [ + 352, + 33, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_94q0XdgdYo", + "variation_id": 0, + "video_id": "59234" + }, + { + "bbox": [ + 14, + 18, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tradition.swf", + "variation_id": 0, + "video_id": "59236" + }, + { + "bbox": [ + 167, + 31, + 458, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TRADITION-1297.mp4", + "variation_id": 0, + "video_id": "66663" + }, + { + "bbox": [ + 197, + 46, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/tradition.mp4", + "variation_id": 0, + "video_id": "59237" + }, + { + "bbox": [ + 678, + 131, + 1438, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Traditional-aIg65sENmJQ.mp4", + "variation_id": 0, + "video_id": "59228" + }, + { + "bbox": [ + 176, + 14, + 623, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546378012.9106.mp4", + "variation_id": 0, + "video_id": "59229" + }, + { + "bbox": [ + 124, + 0, + 514, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/t/traditional-years.mp4", + "variation_id": 0, + "video_id": "59230" + }, + { + "bbox": [ + 62, + 11, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9857.mp4", + "variation_id": 0, + "video_id": "59233" + } + ] + }, + { + "gloss": "trophy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5195, + "frame_start": 5146, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59722" + }, + { + "bbox": [ + 44, + 11, + 419, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CJzN_ivCeb8", + "variation_id": 0, + "video_id": "67325" + }, + { + "bbox": [ + 67, + 15, + 304, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/97073.mp4", + "variation_id": 0, + "video_id": "59723" + }, + { + "bbox": [ + 668, + 151, + 1493, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Trophy-_HX58tvc5pY.mp4", + "variation_id": 0, + "video_id": "59724" + }, + { + "bbox": [ + 57, + 19, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466647418.7946.mp4", + "variation_id": 0, + "video_id": "59725" + }, + { + "bbox": [ + 45, + 17, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/trophy.mp4", + "variation_id": 0, + "video_id": "59726" + }, + { + "bbox": [ + 73, + 11, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14486.mp4", + "variation_id": 0, + "video_id": "59727" + }, + { + "bbox": [ + 16, + 5, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/trophy.swf", + "variation_id": 0, + "video_id": "59728" + }, + { + "bbox": [ + 175, + 49, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/award.mp4", + "variation_id": 0, + "video_id": "59729" + } + ] + }, + { + "gloss": "trouble", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5245, + "frame_start": 5196, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59734" + }, + { + "bbox": [ + 49, + 9, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22820.mp4", + "variation_id": 0, + "video_id": "59741" + }, + { + "bbox": [ + 158, + 0, + 1126, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=X17H7Fyao_o", + "variation_id": 0, + "video_id": "59742" + }, + { + "bbox": [ + 16, + 20, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/trouble.swf", + "variation_id": 0, + "video_id": "59743" + }, + { + "bbox": [ + 121, + 35, + 514, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TR/TROUBLE-701.mp4", + "variation_id": 0, + "video_id": "66676" + }, + { + "bbox": [ + 198, + 51, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/trouble.mp4", + "variation_id": 0, + "video_id": "59744" + }, + { + "bbox": [ + 29, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50920.mp4", + "variation_id": 0, + "video_id": "59735" + }, + { + "bbox": [ + 414, + 60, + 839, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/trouble.mp4", + "variation_id": 0, + "video_id": "59736" + }, + { + "bbox": [ + 127, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/trouble.mp4", + "variation_id": 0, + "video_id": "59740" + } + ] + }, + { + "gloss": "true", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5332, + "frame_start": 5286, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59783" + }, + { + "bbox": [ + 51, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51502.mp4", + "variation_id": 0, + "video_id": "59791" + }, + { + "bbox": [ + 90, + 19, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ruAsH5Jjbj8", + "variation_id": 0, + "video_id": "67326" + }, + { + "bbox": [ + 781, + 58, + 1646, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sure%2C%20True-wBZSWnlg3-g.mp4", + "variation_id": 0, + "video_id": "59792" + }, + { + "bbox": [ + 150, + 0, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468947427.5747.mp4", + "variation_id": 0, + "video_id": "59793" + }, + { + "bbox": [ + 145, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/true.mp4", + "variation_id": 0, + "video_id": "59794" + }, + { + "bbox": [ + 76, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8885.mp4", + "variation_id": 0, + "video_id": "59795" + }, + { + "bbox": [ + 25, + 7, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/true.swf", + "variation_id": 0, + "video_id": "59796" + }, + { + "bbox": [ + 197, + 46, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/absolute.mp4", + "variation_id": 0, + "video_id": "59797" + } + ] + }, + { + "gloss": "trust", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5379, + "frame_start": 5333, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59827" + }, + { + "bbox": [ + 41, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51655.mp4", + "variation_id": 0, + "video_id": "59829" + }, + { + "bbox": [ + 753, + 46, + 1627, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Confident%2C%20Trust-MWN2grcgMvo.mp4", + "variation_id": 0, + "video_id": "59830" + }, + { + "bbox": [ + 134, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947527.7801.mp4", + "variation_id": 0, + "video_id": "59831" + }, + { + "bbox": [ + 140, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/trust.mp4", + "variation_id": 0, + "video_id": "59832" + }, + { + "bbox": [ + 81, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5935.mp4", + "variation_id": 0, + "video_id": "59833" + }, + { + "bbox": [ + 68, + 2, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5936.mp4", + "variation_id": 0, + "video_id": "59834" + }, + { + "bbox": [ + 20, + 6, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 54, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/t/trust.swf", + "variation_id": 0, + "video_id": "59835" + }, + { + "bbox": [ + 197, + 53, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/trust.mp4", + "variation_id": 0, + "video_id": "59836" + } + ] + }, + { + "gloss": "under", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 256, + "frame_start": 204, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60500" + }, + { + "bbox": [ + 160, + 23, + 536, + 480 + ], + "fps": 25, + "frame_end": 5022, + "frame_start": 4903, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70168" + }, + { + "bbox": [ + 81, + 12, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14495.mp4", + "variation_id": 0, + "video_id": "60527" + }, + { + "bbox": [ + 48, + 4, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58572.mp4", + "variation_id": 0, + "video_id": "60520" + }, + { + "bbox": [ + 0, + 6, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/u/under.swf", + "variation_id": 0, + "video_id": "60530" + }, + { + "bbox": [ + 170, + 57, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/under.mp4", + "variation_id": 0, + "video_id": "60531" + }, + { + "bbox": [ + 751, + 90, + 1553, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Under-Vbpwbs8laIQ.mp4", + "variation_id": 0, + "video_id": "60521" + }, + { + "bbox": [ + 140, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468924777.3190.mp4", + "variation_id": 0, + "video_id": "60522" + }, + { + "bbox": [ + 65, + 21, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/under-position.mp4", + "variation_id": 0, + "video_id": "60525" + } + ] + }, + { + "gloss": "verb", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 372, + "frame_start": 330, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61439" + }, + { + "bbox": [ + 66, + 8, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/verb.mov", + "variation_id": 0, + "video_id": "61442" + }, + { + "bbox": [ + 152, + 20, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hTjCreAn_9E", + "variation_id": 0, + "video_id": "67026" + }, + { + "bbox": [ + 42, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50924.mp4", + "variation_id": 0, + "video_id": "61443" + }, + { + "bbox": [ + 724, + 49, + 1638, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Verb-88QcwcNd5Gw.mp4", + "variation_id": 0, + "video_id": "61444" + }, + { + "bbox": [ + 71, + 6, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/v/verb.mp4", + "variation_id": 0, + "video_id": "61445" + }, + { + "bbox": [ + 279, + 41, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=z2tV73jNGus", + "variation_id": 0, + "video_id": "61447" + }, + { + "bbox": [ + 30, + 21, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/v/verb.swf", + "variation_id": 0, + "video_id": "61448" + }, + { + "bbox": [ + 158, + 50, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/verb.mp4", + "variation_id": 0, + "video_id": "61449" + } + ] + }, + { + "gloss": "wall", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 296, + "frame_start": 250, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62187" + }, + { + "bbox": [ + 175, + 26, + 539, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WALL-1408.mp4", + "variation_id": 0, + "video_id": "66744" + }, + { + "bbox": [ + 311, + 57, + 891, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wall.mp4", + "variation_id": 0, + "video_id": "62196" + }, + { + "bbox": [ + 72, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926930.5430.mp4", + "variation_id": 0, + "video_id": "62197" + }, + { + "bbox": [ + 39, + 11, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wall.mp4", + "variation_id": 0, + "video_id": "62198" + }, + { + "bbox": [ + 42, + 9, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14710.mp4", + "variation_id": 0, + "video_id": "62199" + }, + { + "bbox": [ + 338, + 41, + 1029, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6QwJs9xhOuU", + "variation_id": 0, + "video_id": "62200" + }, + { + "bbox": [ + 0, + 17, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/wall.swf", + "variation_id": 0, + "video_id": "62202" + }, + { + "bbox": [ + 209, + 36, + 522, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wall.mp4", + "variation_id": 0, + "video_id": "62203" + } + ] + }, + { + "gloss": "watermelon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 973, + "frame_start": 877, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62515" + }, + { + "bbox": [ + 87, + 34, + 234, + 237 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/476651.mp4", + "variation_id": 0, + "video_id": "62516" + }, + { + "bbox": [ + 350, + 54, + 818, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/watermelon.mp4", + "variation_id": 0, + "video_id": "62517" + }, + { + "bbox": [ + 60, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927288.3928.mp4", + "variation_id": 0, + "video_id": "62519" + }, + { + "bbox": [ + 63, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/watermelon.mp4", + "variation_id": 0, + "video_id": "62520" + }, + { + "bbox": [ + 71, + 9, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14345.mp4", + "variation_id": 0, + "video_id": "62521" + }, + { + "bbox": [ + 252, + 67, + 1042, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ot55LsYrEtk", + "variation_id": 0, + "video_id": "62522" + }, + { + "bbox": [ + 9, + 4, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 84, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/w/watermelon.swf", + "variation_id": 0, + "video_id": "62523" + }, + { + "bbox": [ + 185, + 51, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/watermelon.mp4", + "variation_id": 0, + "video_id": "62524" + } + ] + }, + { + "gloss": "way", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1013, + "frame_start": 974, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62569" + }, + { + "bbox": [ + 186, + 52, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/way.mp4", + "variation_id": 0, + "video_id": "62577" + }, + { + "bbox": [ + 107, + 19, + 353, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/KOP-6M6qgto", + "variation_id": 0, + "video_id": "67046" + }, + { + "bbox": [ + 53, + 29, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90207.mp4", + "variation_id": 0, + "video_id": "62570" + }, + { + "bbox": [ + 737, + 66, + 1660, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Street-sd_apIqK2J4.mp4", + "variation_id": 0, + "video_id": "62571" + }, + { + "bbox": [ + 127, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468927364.2229.mp4", + "variation_id": 0, + "video_id": "62572" + }, + { + "bbox": [ + 91, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/way.mp4", + "variation_id": 0, + "video_id": "62573" + }, + { + "bbox": [ + 80, + 4, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5951.mp4", + "variation_id": 0, + "video_id": "62575" + }, + { + "bbox": [ + 17, + 6, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/way.swf", + "variation_id": 0, + "video_id": "62576" + } + ] + }, + { + "gloss": "weird", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1600, + "frame_start": 1551, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62817" + }, + { + "bbox": [ + 186, + 30, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 100, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WE/WEIRD-1420.mp4", + "variation_id": 0, + "video_id": "66762" + }, + { + "bbox": [ + 47, + 3, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58581.mp4", + "variation_id": 0, + "video_id": "62818" + }, + { + "bbox": [ + 85, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896736.2553.mp4", + "variation_id": 0, + "video_id": "62819" + }, + { + "bbox": [ + 93, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/weird.mp4", + "variation_id": 0, + "video_id": "62820" + }, + { + "bbox": [ + 70, + 26, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22919.mp4", + "variation_id": 0, + "video_id": "62821" + }, + { + "bbox": [ + 304, + 62, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pNW4_GkXVhY", + "variation_id": 0, + "video_id": "62822" + }, + { + "bbox": [ + 0, + 9, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/weird.swf", + "variation_id": 0, + "video_id": "62823" + }, + { + "bbox": [ + 158, + 51, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bizarre.mp4", + "variation_id": 0, + "video_id": "62824" + } + ] + }, + { + "gloss": "while", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2054, + "frame_start": 1998, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63116" + }, + { + "bbox": [ + 168, + 5, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHILE-1429.mp4", + "variation_id": 0, + "video_id": "66776" + }, + { + "bbox": [ + 24, + 25, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92787.mp4", + "variation_id": 0, + "video_id": "63119" + }, + { + "bbox": [ + 704, + 64, + 1704, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchoo%20While%2C%20During-if2NdE2l2eA.mp4", + "variation_id": 0, + "video_id": "63120" + }, + { + "bbox": [ + 78, + 1, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468928086.2356.mp4", + "variation_id": 0, + "video_id": "63122" + }, + { + "bbox": [ + 53, + 22, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/while-during.mp4", + "variation_id": 0, + "video_id": "63123" + }, + { + "bbox": [ + 53, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6310.mp4", + "variation_id": 0, + "video_id": "63124" + }, + { + "bbox": [ + 0, + 14, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/while.swf", + "variation_id": 0, + "video_id": "63125" + }, + { + "bbox": [ + 192, + 57, + 598, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/while.mp4", + "variation_id": 0, + "video_id": "63126" + } + ] + }, + { + "gloss": "wide", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2358, + "frame_start": 2309, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63308" + }, + { + "bbox": [ + 137, + 5, + 525, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WIDE-1433.mp4", + "variation_id": 0, + "video_id": "66783" + }, + { + "bbox": [ + 28, + 20, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92791.mp4", + "variation_id": 0, + "video_id": "63310" + }, + { + "bbox": [ + 472, + 59, + 1752, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wide-so3_Xq-4s1o.mp4", + "variation_id": 0, + "video_id": "63311" + }, + { + "bbox": [ + 73, + 4, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468928456.2042.mp4", + "variation_id": 0, + "video_id": "63312" + }, + { + "bbox": [ + 23, + 8, + 306, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wide.mp4", + "variation_id": 0, + "video_id": "63313" + }, + { + "bbox": [ + 37, + 13, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23904.mp4", + "variation_id": 0, + "video_id": "63314" + }, + { + "bbox": [ + 1, + 14, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/wide.swf", + "variation_id": 0, + "video_id": "63315" + }, + { + "bbox": [ + 161, + 53, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wide.mp4", + "variation_id": 0, + "video_id": "63316" + } + ] + }, + { + "gloss": "willing", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2507, + "frame_start": 2465, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63376" + }, + { + "bbox": [ + 166, + 3, + 473, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WI/WILLING-1437.mp4", + "variation_id": 0, + "video_id": "66788" + }, + { + "bbox": [ + 57, + 12, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307884.mp4", + "variation_id": 0, + "video_id": "63377" + }, + { + "bbox": [ + 86, + 3, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928619.2041.mp4", + "variation_id": 0, + "video_id": "63378" + }, + { + "bbox": [ + 44, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/willing.mp4", + "variation_id": 0, + "video_id": "63379" + }, + { + "bbox": [ + 66, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14330.mp4", + "variation_id": 0, + "video_id": "63380" + }, + { + "bbox": [ + 59, + 11, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6624.mp4", + "variation_id": 0, + "video_id": "63381" + }, + { + "bbox": [ + 86, + 24, + 427, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=Y6tdZokAShw", + "variation_id": 0, + "video_id": "63382" + }, + { + "bbox": [ + 188, + 63, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/willing.mp4", + "variation_id": 0, + "video_id": "63383" + } + ] + }, + { + "gloss": "wish", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2854, + "frame_start": 2795, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63555" + }, + { + "bbox": [ + 609, + 74, + 1359, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "train", + "url": "http://aslbricks.org/New/ASL-Videos/wish.mp4", + "variation_id": 0, + "video_id": "69538" + }, + { + "bbox": [ + 102, + 26, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/drZjULlkJfI", + "variation_id": 0, + "video_id": "67074" + }, + { + "bbox": [ + 66, + 8, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928805.6445.mp4", + "variation_id": 0, + "video_id": "63556" + }, + { + "bbox": [ + 111, + 0, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wish.mp4", + "variation_id": 0, + "video_id": "63557" + }, + { + "bbox": [ + 68, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7147.mp4", + "variation_id": 0, + "video_id": "63560" + }, + { + "bbox": [ + 298, + 29, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WWI-xmA8Czc", + "variation_id": 0, + "video_id": "63561" + }, + { + "bbox": [ + 27, + 22, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/wish.swf", + "variation_id": 0, + "video_id": "63562" + }, + { + "bbox": [ + 235, + 37, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wish.mp4", + "variation_id": 0, + "video_id": "63563" + } + ] + }, + { + "gloss": "wonderful", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3420, + "frame_start": 3364, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63688" + }, + { + "bbox": [ + 80, + 20, + 563, + 480 + ], + "fps": 25, + "frame_end": 2403, + "frame_start": 2292, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70112" + }, + { + "bbox": [ + 156, + 4, + 503, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WONDERFUL-1447.mp4", + "variation_id": 0, + "video_id": "66801" + }, + { + "bbox": [ + 48, + 12, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307883.mp4", + "variation_id": 0, + "video_id": "63689" + }, + { + "bbox": [ + 426, + 56, + 871, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/wonderful.mp4", + "variation_id": 0, + "video_id": "63690" + }, + { + "bbox": [ + 59, + 7, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468928982.866.mp4", + "variation_id": 0, + "video_id": "63691" + }, + { + "bbox": [ + 72, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wonderful.mp4", + "variation_id": 0, + "video_id": "63692" + }, + { + "bbox": [ + 37, + 15, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/22/22945.mp4", + "variation_id": 0, + "video_id": "63693" + }, + { + "bbox": [ + 157, + 55, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/great.mp4", + "variation_id": 0, + "video_id": "63694" + } + ] + }, + { + "gloss": "workshop", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3678, + "frame_start": 3632, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63820" + }, + { + "bbox": [ + 158, + 7, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORKSHOP-1452.mp4", + "variation_id": 0, + "video_id": "66806" + }, + { + "bbox": [ + 52, + 3, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244973.mp4", + "variation_id": 0, + "video_id": "63821" + }, + { + "bbox": [ + 413, + 66, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/workshop.mp4", + "variation_id": 0, + "video_id": "63822" + }, + { + "bbox": [ + 55, + 15, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/workshop-class.mp4", + "variation_id": 0, + "video_id": "63823" + }, + { + "bbox": [ + 73, + 11, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14524.mp4", + "variation_id": 0, + "video_id": "63824" + }, + { + "bbox": [ + 313, + 31, + 979, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=9qcqVUCbrB8", + "variation_id": 0, + "video_id": "63825" + }, + { + "bbox": [ + 26, + 21, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/workshop.swf", + "variation_id": 0, + "video_id": "63826" + }, + { + "bbox": [ + 231, + 37, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/workshop.mp4", + "variation_id": 0, + "video_id": "63827" + } + ] + }, + { + "gloss": "worse", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3881, + "frame_start": 3825, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63884" + }, + { + "bbox": [ + 158, + 10, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORSE-1462.mp4", + "variation_id": 0, + "video_id": "66811" + }, + { + "bbox": [ + 52, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58584.mp4", + "variation_id": 0, + "video_id": "63885" + }, + { + "bbox": [ + 372, + 53, + 1568, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Multiply%2C%20Worse-GVHQws_ZfWQ.mp4", + "variation_id": 0, + "video_id": "63886" + }, + { + "bbox": [ + 131, + 7, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468929168.4158.mp4", + "variation_id": 0, + "video_id": "63887" + }, + { + "bbox": [ + 135, + 9, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/worse.mp4", + "variation_id": 0, + "video_id": "63888" + }, + { + "bbox": [ + 28, + 11, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/956.mp4", + "variation_id": 0, + "video_id": "63889" + }, + { + "bbox": [ + 0, + 5, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/w/worse.swf", + "variation_id": 0, + "video_id": "63890" + }, + { + "bbox": [ + 197, + 40, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/worse.mp4", + "variation_id": 0, + "video_id": "63891" + } + ] + }, + { + "gloss": "wrench", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4018, + "frame_start": 3972, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "64000" + }, + { + "bbox": [ + 0, + 3, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wrench_combination.swf", + "variation_id": 0, + "video_id": "64006" + }, + { + "bbox": [ + 0, + 3, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wrench_ratchet.swf", + "variation_id": 0, + "video_id": "64010" + }, + { + "bbox": [ + 0, + 7, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wrench.swf", + "variation_id": 0, + "video_id": "64011" + }, + { + "bbox": [ + 0, + 5, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 84, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/w/wrench_tire.swf", + "variation_id": 0, + "video_id": "64012" + }, + { + "bbox": [ + 187, + 61, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/wrench.mp4", + "variation_id": 0, + "video_id": "64013" + }, + { + "bbox": [ + 26, + 32, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92809.mp4", + "variation_id": 0, + "video_id": "64001" + }, + { + "bbox": [ + 43, + 20, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/wrench.mp4", + "variation_id": 0, + "video_id": "64002" + }, + { + "bbox": [ + 89, + 16, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8355.mp4", + "variation_id": 0, + "video_id": "64003" + } + ] + }, + { + "gloss": "a", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00295" + }, + { + "bbox": [ + 167, + 13, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-A-493.mp4", + "variation_id": 0, + "video_id": "66039" + }, + { + "bbox": [ + 124, + 33, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528809789.5467.mp4", + "variation_id": 0, + "video_id": "01610" + }, + { + "bbox": [ + 122, + 8, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/a-abc.mp4", + "variation_id": 0, + "video_id": "01611" + }, + { + "bbox": [ + 85, + 7, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10000.mp4", + "variation_id": 0, + "video_id": "01612" + }, + { + "bbox": [ + 219, + 32, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=9qsBKrkvpms", + "variation_id": 0, + "video_id": "01613" + }, + { + "bbox": [ + 3, + 11, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/a.swf", + "variation_id": 0, + "video_id": "01614" + }, + { + "bbox": [ + 179, + 44, + 586, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/a.mp4", + "variation_id": 0, + "video_id": "01615" + } + ] + }, + { + "gloss": "a lot", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 63, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02123" + }, + { + "bbox": [ + 73, + 9, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6153.mp4", + "variation_id": 0, + "video_id": "02128" + }, + { + "bbox": [ + 55, + 10, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118140.mp4", + "variation_id": 0, + "video_id": "02124" + }, + { + "bbox": [ + 82, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6570.mp4", + "variation_id": 0, + "video_id": "02129" + }, + { + "bbox": [ + 474, + 51, + 1544, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lot%20Morphe-2qvnP6FkDac.mp4", + "variation_id": 0, + "video_id": "02125" + }, + { + "bbox": [ + 86, + 12, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8041.mp4", + "variation_id": 0, + "video_id": "02130" + }, + { + "bbox": [ + 82, + 5, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725042.3372.mp4", + "variation_id": 0, + "video_id": "02126" + }, + { + "bbox": [ + 160, + 43, + 628, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alot.mp4", + "variation_id": 0, + "video_id": "02131" + } + ] + }, + { + "gloss": "abdomen", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 123, + "frame_start": 64, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00333" + }, + { + "bbox": [ + 57, + 5, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/118162.mp4", + "variation_id": 0, + "video_id": "00335" + }, + { + "bbox": [ + 103, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896442.4103.mp4", + "variation_id": 0, + "video_id": "00336" + }, + { + "bbox": [ + 66, + 15, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/abdomen.mp4", + "variation_id": 0, + "video_id": "00337" + }, + { + "bbox": [ + 68, + 14, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23860.mp4", + "variation_id": 0, + "video_id": "00338" + }, + { + "bbox": [ + 60, + 13, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23861.mp4", + "variation_id": 0, + "video_id": "00339" + }, + { + "bbox": [ + 0, + 15, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/abdomen.swf", + "variation_id": 0, + "video_id": "00340" + }, + { + "bbox": [ + 190, + 46, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/abdomen.mp4", + "variation_id": 0, + "video_id": "00341" + } + ] + }, + { + "gloss": "able", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 183, + "frame_start": 124, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00374" + }, + { + "bbox": [ + 61, + 5, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/118167.mp4", + "variation_id": 0, + "video_id": "00376" + }, + { + "bbox": [ + 69, + 17, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726413.7244.mp4", + "variation_id": 0, + "video_id": "00377" + }, + { + "bbox": [ + 67, + 8, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/able.mp4", + "variation_id": 0, + "video_id": "00378" + }, + { + "bbox": [ + 77, + 18, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7818.mp4", + "variation_id": 0, + "video_id": "00381" + }, + { + "bbox": [ + 65, + 18, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9066.mp4", + "variation_id": 0, + "video_id": "00382" + }, + { + "bbox": [ + 4, + 14, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/able.swf", + "variation_id": 0, + "video_id": "00383" + }, + { + "bbox": [ + 180, + 46, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ability.mp4", + "variation_id": 0, + "video_id": "00384" + } + ] + }, + { + "gloss": "accountant", + "instances": [ + { + "bbox": [ + 158, + 11, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACCOUNTANT-2439.mp4", + "variation_id": 0, + "video_id": "65011" + }, + { + "bbox": [ + 220, + 16, + 532, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/accountant.mp4", + "variation_id": 0, + "video_id": "00689" + }, + { + "bbox": [ + 108, + 14, + 403, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/D3E2jFnZsEQ", + "variation_id": 0, + "video_id": "67344" + }, + { + "bbox": [ + 78, + 25, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466168486.8437.mp4", + "variation_id": 0, + "video_id": "00690" + }, + { + "bbox": [ + 173, + 5, + 503, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/accountant.mp4", + "variation_id": 0, + "video_id": "00691" + }, + { + "bbox": [ + 65, + 3, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5836.mp4", + "variation_id": 0, + "video_id": "00692" + }, + { + "bbox": [ + 15, + 4, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/accountant.swf", + "variation_id": 0, + "video_id": "00693" + }, + { + "bbox": [ + 193, + 48, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/accountant.mp4", + "variation_id": 0, + "video_id": "00694" + } + ] + }, + { + "gloss": "action", + "instances": [ + { + "bbox": [ + 101, + 8, + 535, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACTION-2440.mp4", + "variation_id": 0, + "video_id": "65015" + }, + { + "bbox": [ + 57, + 14, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/69323.mp4", + "variation_id": 0, + "video_id": "00853" + }, + { + "bbox": [ + 92, + 19, + 400, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/rdgPTKFJDwg", + "variation_id": 0, + "video_id": "67345" + }, + { + "bbox": [ + 82, + 22, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466169174.1334.mp4", + "variation_id": 0, + "video_id": "00854" + }, + { + "bbox": [ + 71, + 21, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22788.mp4", + "variation_id": 0, + "video_id": "00855" + }, + { + "bbox": [ + 52, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23878.mp4", + "variation_id": 0, + "video_id": "00856" + }, + { + "bbox": [ + 237, + 39, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=NX-tvMEUoH8", + "variation_id": 0, + "video_id": "00857" + }, + { + "bbox": [ + 173, + 48, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/action.mp4", + "variation_id": 0, + "video_id": "00858" + } + ] + }, + { + "gloss": "active", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 553, + "frame_start": 507, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00867" + }, + { + "bbox": [ + 47, + 10, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/118323.mp4", + "variation_id": 0, + "video_id": "00868" + }, + { + "bbox": [ + 93, + 16, + 616, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466168964.9213.mp4", + "variation_id": 0, + "video_id": "00869" + }, + { + "bbox": [ + 26, + 11, + 617, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/active.mp4", + "variation_id": 0, + "video_id": "00870" + }, + { + "bbox": [ + 45, + 23, + 253, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22787.mp4", + "variation_id": 0, + "video_id": "00871" + }, + { + "bbox": [ + 71, + 21, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22788.mp4", + "variation_id": 0, + "video_id": "00872" + }, + { + "bbox": [ + 276, + 44, + 1048, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8ZBfz7-5w54", + "variation_id": 0, + "video_id": "00873" + }, + { + "bbox": [ + 183, + 48, + 593, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/active.mp4", + "variation_id": 0, + "video_id": "00874" + } + ] + }, + { + "gloss": "activity", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 610, + "frame_start": 554, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00886" + }, + { + "bbox": [ + 98, + 10, + 574, + 360 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=FC0V8CeJ1-0", + "variation_id": 0, + "video_id": "68450" + }, + { + "bbox": [ + 160, + 13, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 88, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACTIVITY-439.mp4", + "variation_id": 0, + "video_id": "65016" + }, + { + "bbox": [ + 312, + 53, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Acting%2C%20Activity%2C%20Perform-6FybTiA7Yc8.mp4", + "variation_id": 0, + "video_id": "00890" + }, + { + "bbox": [ + 82, + 22, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466169174.1334.mp4", + "variation_id": 0, + "video_id": "00891" + }, + { + "bbox": [ + 95, + 23, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522767771.5244.mp4", + "variation_id": 0, + "video_id": "00892" + }, + { + "bbox": [ + 15, + 17, + 624, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/activity.mp4", + "variation_id": 0, + "video_id": "00893" + }, + { + "bbox": [ + 71, + 21, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22788.mp4", + "variation_id": 0, + "video_id": "00894" + } + ] + }, + { + "gloss": "address", + "instances": [ + { + "bbox": [ + 20, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 42, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399293.mp4", + "variation_id": 0, + "video_id": "01011" + }, + { + "bbox": [ + 73, + 24, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/a/address.mp4", + "variation_id": 0, + "video_id": "01016" + }, + { + "bbox": [ + 67, + 17, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22170.mp4", + "variation_id": 0, + "video_id": "01018" + }, + { + "bbox": [ + 319, + 40, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jJ7aBDd_TvI", + "variation_id": 0, + "video_id": "01020" + }, + { + "bbox": [ + 63, + 14, + 439, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/6Wy0n0GfXcM", + "variation_id": 0, + "video_id": "67348" + }, + { + "bbox": [ + 0, + 5, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/address.swf", + "variation_id": 0, + "video_id": "01021" + }, + { + "bbox": [ + 232, + 38, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/address.mp4", + "variation_id": 0, + "video_id": "01024" + }, + { + "bbox": [ + 562, + 30, + 1920, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Survive%2C%20Address%202-lSA811pWIeg.mp4", + "variation_id": 0, + "video_id": "01012" + } + ] + }, + { + "gloss": "affect", + "instances": [ + { + "bbox": [ + 73, + 3, + 259, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/affect.mov", + "variation_id": 0, + "video_id": "01318" + }, + { + "bbox": [ + 81, + 40, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93188.mp4", + "variation_id": 0, + "video_id": "01319" + }, + { + "bbox": [ + 89, + 18, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466170940.2785.mp4", + "variation_id": 0, + "video_id": "01320" + }, + { + "bbox": [ + 125, + 0, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1512913814.789.mp4", + "variation_id": 0, + "video_id": "01321" + }, + { + "bbox": [ + 80, + 6, + 610, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/affect.mp4", + "variation_id": 0, + "video_id": "01322" + }, + { + "bbox": [ + 60, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8587.mp4", + "variation_id": 0, + "video_id": "01323" + }, + { + "bbox": [ + 6, + 9, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/affect.swf", + "variation_id": 0, + "video_id": "01325" + }, + { + "bbox": [ + 244, + 36, + 506, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/affect.mp4", + "variation_id": 0, + "video_id": "01327" + } + ] + }, + { + "gloss": "afraid", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1007, + "frame_start": 984, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01372" + }, + { + "bbox": [ + 59, + 7, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/118361.mp4", + "variation_id": 0, + "video_id": "01373" + }, + { + "bbox": [ + 138, + 19, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171044.6285.mp4", + "variation_id": 0, + "video_id": "01374" + }, + { + "bbox": [ + 107, + 25, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/afraid.mp4", + "variation_id": 0, + "video_id": "01375" + }, + { + "bbox": [ + 72, + 3, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5943.mp4", + "variation_id": 0, + "video_id": "01376" + }, + { + "bbox": [ + 59, + 15, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7213.mp4", + "variation_id": 0, + "video_id": "01377" + }, + { + "bbox": [ + 318, + 61, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4dxD6qFDaTQ", + "variation_id": 0, + "video_id": "01379" + }, + { + "bbox": [ + 209, + 37, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/afraid.mp4", + "variation_id": 0, + "video_id": "01381" + } + ] + }, + { + "gloss": "against", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1228, + "frame_start": 1179, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01472" + }, + { + "bbox": [ + 160, + 9, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AG/AGAINST-733.mp4", + "variation_id": 0, + "video_id": "65033" + }, + { + "bbox": [ + 40, + 8, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118366.mp4", + "variation_id": 0, + "video_id": "01473" + }, + { + "bbox": [ + 134, + 19, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171421.6146.mp4", + "variation_id": 0, + "video_id": "01474" + }, + { + "bbox": [ + 61, + 39, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/against.mp4", + "variation_id": 0, + "video_id": "01475" + }, + { + "bbox": [ + 68, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14310.mp4", + "variation_id": 0, + "video_id": "01477" + }, + { + "bbox": [ + 2, + 9, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/against.swf", + "variation_id": 0, + "video_id": "01478" + }, + { + "bbox": [ + 183, + 49, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/against.mp4", + "variation_id": 0, + "video_id": "01479" + } + ] + }, + { + "gloss": "agenda", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1335, + "frame_start": 1276, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01504" + }, + { + "bbox": [ + 409, + 58, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=4_1Sj_bIP7I", + "variation_id": 0, + "video_id": "01513" + }, + { + "bbox": [ + 6, + 18, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/agenda.swf", + "variation_id": 0, + "video_id": "01514" + }, + { + "bbox": [ + 181, + 42, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/agenda.mp4", + "variation_id": 0, + "video_id": "01515" + }, + { + "bbox": [ + 74, + 17, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96993.mp4", + "variation_id": 0, + "video_id": "01505" + }, + { + "bbox": [ + 646, + 44, + 1589, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Account%2C%20Agenda%202-bNIHBnIA-Ko.mp4", + "variation_id": 0, + "video_id": "01506" + }, + { + "bbox": [ + 680, + 54, + 1559, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Account%2C%20Agenda-WVT94WVjxDo.mp4", + "variation_id": 0, + "video_id": "01507" + }, + { + "bbox": [ + 162, + 4, + 476, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/agenda.mp4", + "variation_id": 0, + "video_id": "01509" + } + ] + }, + { + "gloss": "ahead", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1471, + "frame_start": 1419, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01596" + }, + { + "bbox": [ + 107, + 68, + 1604, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ahead-5iOkfvyWAyo.mp4", + "variation_id": 0, + "video_id": "01598" + }, + { + "bbox": [ + 93, + 17, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171778.69.mp4", + "variation_id": 0, + "video_id": "01599" + }, + { + "bbox": [ + 39, + 36, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/ahead.mp4", + "variation_id": 0, + "video_id": "01601" + }, + { + "bbox": [ + 63, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1068.mp4", + "variation_id": 0, + "video_id": "01602" + }, + { + "bbox": [ + 404, + 44, + 965, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=7Z1WMbq2Y6E", + "variation_id": 0, + "video_id": "01603" + }, + { + "bbox": [ + 4, + 7, + 205, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/ahead.swf", + "variation_id": 0, + "video_id": "01604" + }, + { + "bbox": [ + 173, + 49, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ahead.mp4", + "variation_id": 0, + "video_id": "01605" + } + ] + }, + { + "gloss": "aim", + "instances": [ + { + "bbox": [ + 65, + 24, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/94191.mp4", + "variation_id": 0, + "video_id": "01642" + }, + { + "bbox": [ + 0, + 14, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/a/aim.swf", + "variation_id": 0, + "video_id": "01651" + }, + { + "bbox": [ + 174, + 47, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/aim2.mp4", + "variation_id": 0, + "video_id": "01652" + }, + { + "bbox": [ + 170, + 48, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/aim.mp4", + "variation_id": 0, + "video_id": "01653" + }, + { + "bbox": [ + 94, + 12, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171935.2787.mp4", + "variation_id": 0, + "video_id": "01643" + }, + { + "bbox": [ + 162, + 11, + 509, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/aim-goal.mp4", + "variation_id": 0, + "video_id": "01644" + }, + { + "bbox": [ + 35, + 13, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/aim-target.mp4", + "variation_id": 0, + "video_id": "01645" + }, + { + "bbox": [ + 71, + 6, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22306.mp4", + "variation_id": 0, + "video_id": "01646" + } + ] + }, + { + "gloss": "alcohol", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1618, + "frame_start": 1576, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01828" + }, + { + "bbox": [ + 62, + 6, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58849.mp4", + "variation_id": 0, + "video_id": "01831" + }, + { + "bbox": [ + 145, + 20, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522676290.1715.mp4", + "variation_id": 0, + "video_id": "01832" + }, + { + "bbox": [ + 53, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/alcoholic.mp4", + "variation_id": 0, + "video_id": "01833" + }, + { + "bbox": [ + 89, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7794.mp4", + "variation_id": 0, + "video_id": "01836" + }, + { + "bbox": [ + 319, + 40, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=JXTbfO89GTE", + "variation_id": 0, + "video_id": "01837" + }, + { + "bbox": [ + 0, + 10, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/alcohol.swf", + "variation_id": 0, + "video_id": "01838" + }, + { + "bbox": [ + 176, + 48, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alcohol.mp4", + "variation_id": 0, + "video_id": "01839" + } + ] + }, + { + "gloss": "algebra", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1678, + "frame_start": 1619, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01873" + }, + { + "bbox": [ + 413, + 58, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/algebra.mp4", + "variation_id": 0, + "video_id": "01874" + }, + { + "bbox": [ + 571, + 71, + 1587, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Algebra-N2bRwGuauq0.mp4", + "variation_id": 0, + "video_id": "01875" + }, + { + "bbox": [ + 99, + 16, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466172767.6423.mp4", + "variation_id": 0, + "video_id": "01876" + }, + { + "bbox": [ + 150, + 32, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/algebra.mp4", + "variation_id": 0, + "video_id": "01877" + }, + { + "bbox": [ + 78, + 16, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6479.mp4", + "variation_id": 0, + "video_id": "01878" + }, + { + "bbox": [ + 22, + 5, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/algebra.swf", + "variation_id": 0, + "video_id": "01879" + }, + { + "bbox": [ + 184, + 47, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/algebra.mp4", + "variation_id": 0, + "video_id": "01880" + } + ] + }, + { + "gloss": "all day", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1761, + "frame_start": 1729, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01921" + }, + { + "bbox": [ + 214, + 46, + 923, + 720 + ], + "fps": 25, + "frame_end": 119, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=ZxG2wrVzGLQ", + "variation_id": 0, + "video_id": "69090" + }, + { + "bbox": [ + 310, + 19, + 1753, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20All%20Day-0vVXzkI1WHw.mp4", + "variation_id": 0, + "video_id": "01922" + }, + { + "bbox": [ + 502, + 65, + 1484, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20All%20Day-thZ3t2J3Pzk.mp4", + "variation_id": 0, + "video_id": "01923" + }, + { + "bbox": [ + 165, + 11, + 1261, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20AllDay-A_eIxKo95sc.mp4", + "variation_id": 0, + "video_id": "01924" + }, + { + "bbox": [ + 47, + 34, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/all-day.mp4", + "variation_id": 0, + "video_id": "01925" + }, + { + "bbox": [ + 50, + 3, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14719.mp4", + "variation_id": 0, + "video_id": "01926" + }, + { + "bbox": [ + 84, + 50, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/day2.mp4", + "variation_id": 0, + "video_id": "01927" + } + ] + }, + { + "gloss": "amazing", + "instances": [ + { + "bbox": [ + 158, + 8, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AM/AMAZING-325.mp4", + "variation_id": 0, + "video_id": "65063" + }, + { + "bbox": [ + 86, + 27, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466178216.4667.mp4", + "variation_id": 0, + "video_id": "02273" + }, + { + "bbox": [ + 150, + 44, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/amazing.mp4", + "variation_id": 0, + "video_id": "02275" + }, + { + "bbox": [ + 79, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22651.mp4", + "variation_id": 0, + "video_id": "02276" + }, + { + "bbox": [ + 77, + 34, + 224, + 224 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 3, + "instance_id": 10, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/476618.mp4", + "variation_id": 0, + "video_id": "02269" + }, + { + "bbox": [ + 111, + 36, + 358, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/TlZK1Z41krc", + "variation_id": 0, + "video_id": "67358" + }, + { + "bbox": [ + 349, + 48, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 17, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TlJ9qv9LxeE", + "variation_id": 0, + "video_id": "02284" + }, + { + "bbox": [ + 182, + 43, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 18, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/amaze.mp4", + "variation_id": 0, + "video_id": "02285" + } + ] + }, + { + "gloss": "angle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2532, + "frame_start": 2473, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02556" + }, + { + "bbox": [ + 281, + 4, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/angle.mp4", + "variation_id": 0, + "video_id": "69210" + }, + { + "bbox": [ + 75, + 19, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/311771.mp4", + "variation_id": 0, + "video_id": "02558" + }, + { + "bbox": [ + 578, + 60, + 1586, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Angle%202-RuQsFS0yvdE.mp4", + "variation_id": 0, + "video_id": "02559" + }, + { + "bbox": [ + 700, + 59, + 1705, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Angle-2q4Tzzy0Gio.mp4", + "variation_id": 0, + "video_id": "02560" + }, + { + "bbox": [ + 60, + 15, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1098.mp4", + "variation_id": 0, + "video_id": "02561" + }, + { + "bbox": [ + 0, + 12, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/angle.swf", + "variation_id": 0, + "video_id": "02562" + }, + { + "bbox": [ + 229, + 36, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/angle.mp4", + "variation_id": 0, + "video_id": "02563" + } + ] + }, + { + "gloss": "apart", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3039, + "frame_start": 3013, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02863" + }, + { + "bbox": [ + 171, + 7, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APART-17.mp4", + "variation_id": 0, + "video_id": "65081" + }, + { + "bbox": [ + 50, + 8, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/122506.mp4", + "variation_id": 0, + "video_id": "02864" + }, + { + "bbox": [ + 108, + 22, + 610, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466511230.4609.mp4", + "variation_id": 0, + "video_id": "02865" + }, + { + "bbox": [ + 89, + 13, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/apart.mp4", + "variation_id": 0, + "video_id": "02866" + }, + { + "bbox": [ + 82, + 19, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22771.mp4", + "variation_id": 0, + "video_id": "02867" + }, + { + "bbox": [ + 3, + 7, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/apart.swf", + "variation_id": 0, + "video_id": "02869" + }, + { + "bbox": [ + 174, + 49, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/apart.mp4", + "variation_id": 0, + "video_id": "02870" + } + ] + }, + { + "gloss": "apostrophe", + "instances": [ + { + "bbox": [ + 182, + 4, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APOSTROPHE-731.mp4", + "variation_id": 0, + "video_id": "65082" + }, + { + "bbox": [ + 38, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51275.mp4", + "variation_id": 0, + "video_id": "02910" + }, + { + "bbox": [ + 656, + 70, + 1691, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Apostrophe%202-J_pimF6NJY8.mp4", + "variation_id": 0, + "video_id": "02911" + }, + { + "bbox": [ + 709, + 68, + 1686, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Apostrophe-WjdoGYhC9-s.mp4", + "variation_id": 0, + "video_id": "02912" + }, + { + "bbox": [ + 160, + 67, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520781163.4670.mp4", + "variation_id": 0, + "video_id": "02913" + }, + { + "bbox": [ + 38, + 0, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/apostrophe.mp4", + "variation_id": 0, + "video_id": "02914" + }, + { + "bbox": [ + 61, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7487.mp4", + "variation_id": 0, + "video_id": "02915" + }, + { + "bbox": [ + 0, + 16, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/apostrophe.swf", + "variation_id": 0, + "video_id": "02916" + } + ] + }, + { + "gloss": "appetite", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3180, + "frame_start": 3114, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02968" + }, + { + "bbox": [ + 71, + 10, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/122510.mp4", + "variation_id": 0, + "video_id": "02969" + }, + { + "bbox": [ + 53, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74873.mp4", + "variation_id": 0, + "video_id": "02970" + }, + { + "bbox": [ + 157, + 70, + 622, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1545783401.4883.mp4", + "variation_id": 0, + "video_id": "02971" + }, + { + "bbox": [ + 159, + 3, + 523, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/appetite-want.mp4", + "variation_id": 0, + "video_id": "02972" + }, + { + "bbox": [ + 68, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7294.mp4", + "variation_id": 0, + "video_id": "02973" + }, + { + "bbox": [ + 0, + 9, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/appetite.swf", + "variation_id": 0, + "video_id": "02974" + }, + { + "bbox": [ + 194, + 49, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/appetite.mp4", + "variation_id": 0, + "video_id": "02975" + } + ] + }, + { + "gloss": "appreciate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3329, + "frame_start": 3277, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03067" + }, + { + "bbox": [ + 47, + 16, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/153061.mp4", + "variation_id": 0, + "video_id": "03068" + }, + { + "bbox": [ + 523, + 70, + 1792, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Enjoy-J1S7e-UwSMY.mp4", + "variation_id": 0, + "video_id": "03069" + }, + { + "bbox": [ + 37, + 6, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376460.8089.mp4", + "variation_id": 0, + "video_id": "03070" + }, + { + "bbox": [ + 202, + 67, + 433, + 404 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 55, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/appreciate-1913.mp4", + "variation_id": 0, + "video_id": "03071" + }, + { + "bbox": [ + 117, + 1, + 496, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/appreciate.mp4", + "variation_id": 0, + "video_id": "03072" + }, + { + "bbox": [ + 73, + 10, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6907.mp4", + "variation_id": 0, + "video_id": "03073" + }, + { + "bbox": [ + 163, + 46, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/appreciate.mp4", + "variation_id": 0, + "video_id": "03074" + } + ] + }, + { + "gloss": "april", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3546, + "frame_start": 3467, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03150" + }, + { + "bbox": [ + 86, + 10, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/122525.mp4", + "variation_id": 0, + "video_id": "03154" + }, + { + "bbox": [ + 250, + 16, + 1249, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20April-MKEyUiUOX9Y.mp4", + "variation_id": 0, + "video_id": "03155" + }, + { + "bbox": [ + 80, + 30, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512209.7092.mp4", + "variation_id": 0, + "video_id": "03156" + }, + { + "bbox": [ + 92, + 34, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/april.mp4", + "variation_id": 0, + "video_id": "03157" + }, + { + "bbox": [ + 74, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7088.mp4", + "variation_id": 0, + "video_id": "03158" + }, + { + "bbox": [ + 292, + 21, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=I7bOJpSfQzw", + "variation_id": 0, + "video_id": "03159" + }, + { + "bbox": [ + 181, + 48, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/april.mp4", + "variation_id": 0, + "video_id": "03161" + } + ] + }, + { + "gloss": "archery", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3623, + "frame_start": 3547, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03199" + }, + { + "bbox": [ + 537, + 52, + 1534, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Archery%202-JwMZwMYerdA.mp4", + "variation_id": 0, + "video_id": "03201" + }, + { + "bbox": [ + 500, + 56, + 1570, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Archery--DvAF93Nnxc.mp4", + "variation_id": 0, + "video_id": "03202" + }, + { + "bbox": [ + 112, + 38, + 619, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/archery.mp4", + "variation_id": 0, + "video_id": "03203" + }, + { + "bbox": [ + 60, + 19, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8533.mp4", + "variation_id": 0, + "video_id": "03204" + }, + { + "bbox": [ + 63, + 10, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8859.mp4", + "variation_id": 0, + "video_id": "03205" + }, + { + "bbox": [ + 0, + 2, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/a/archery.swf", + "variation_id": 0, + "video_id": "03206" + }, + { + "bbox": [ + 162, + 48, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/archery.mp4", + "variation_id": 0, + "video_id": "03207" + } + ] + }, + { + "gloss": "around", + "instances": [ + { + "bbox": [ + 36, + 10, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/around-env.mp4", + "variation_id": 0, + "video_id": "03380" + }, + { + "bbox": [ + 53, + 8, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6073.mp4", + "variation_id": 0, + "video_id": "03382" + }, + { + "bbox": [ + 109, + 7, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4cuzklEgPkA", + "variation_id": 0, + "video_id": "03385" + }, + { + "bbox": [ + 0, + 20, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/around_1.swf", + "variation_id": 0, + "video_id": "03387" + }, + { + "bbox": [ + 194, + 35, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/around.mp4", + "variation_id": 0, + "video_id": "03389" + }, + { + "bbox": [ + 0, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 57, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/62282.mp4", + "variation_id": 0, + "video_id": "03376" + }, + { + "bbox": [ + 749, + 55, + 1842, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Around-0McPEEALZyo.mp4", + "variation_id": 0, + "video_id": "03377" + }, + { + "bbox": [ + 75, + 19, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466644999.1839.mp4", + "variation_id": 0, + "video_id": "03378" + } + ] + }, + { + "gloss": "article", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4012, + "frame_start": 3973, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03489" + }, + { + "bbox": [ + 205, + 25, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/ARTICLE-842.mp4", + "variation_id": 0, + "video_id": "65098" + }, + { + "bbox": [ + 80, + 6, + 270, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/article.mov", + "variation_id": 0, + "video_id": "03490" + }, + { + "bbox": [ + 123, + 17, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466645635.2277.mp4", + "variation_id": 0, + "video_id": "03491" + }, + { + "bbox": [ + 128, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/article.mp4", + "variation_id": 0, + "video_id": "03492" + }, + { + "bbox": [ + 80, + 17, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9170.mp4", + "variation_id": 0, + "video_id": "03493" + }, + { + "bbox": [ + 327, + 35, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qrlFqLaaJSs", + "variation_id": 0, + "video_id": "03494" + }, + { + "bbox": [ + 25, + 20, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/article.swf", + "variation_id": 0, + "video_id": "03495" + } + ] + }, + { + "gloss": "assistant", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4299, + "frame_start": 4243, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03752" + }, + { + "bbox": [ + 56, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/74878.mp4", + "variation_id": 0, + "video_id": "03756" + }, + { + "bbox": [ + 385, + 49, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/assistant.mp4", + "variation_id": 0, + "video_id": "03757" + }, + { + "bbox": [ + 325, + 62, + 1643, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Assistant-4EBl0l_0ibc.mp4", + "variation_id": 0, + "video_id": "03758" + }, + { + "bbox": [ + 114, + 8, + 508, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/assistant.mp4", + "variation_id": 0, + "video_id": "03760" + }, + { + "bbox": [ + 71, + 8, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14453.mp4", + "variation_id": 0, + "video_id": "03761" + }, + { + "bbox": [ + 326, + 35, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lGa3EU5ifHk", + "variation_id": 0, + "video_id": "03762" + }, + { + "bbox": [ + 206, + 49, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/assistant.mp4", + "variation_id": 0, + "video_id": "03763" + } + ] + }, + { + "gloss": "attend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4389, + "frame_start": 4343, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03992" + }, + { + "bbox": [ + 59, + 5, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/122827.mp4", + "variation_id": 0, + "video_id": "03999" + }, + { + "bbox": [ + 114, + 26, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646407.6917.mp4", + "variation_id": 0, + "video_id": "04000" + }, + { + "bbox": [ + 56, + 25, + 451, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/attend-go.mp4", + "variation_id": 0, + "video_id": "04001" + }, + { + "bbox": [ + 79, + 22, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23400.mp4", + "variation_id": 0, + "video_id": "04002" + }, + { + "bbox": [ + 81, + 22, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23401.mp4", + "variation_id": 0, + "video_id": "04003" + }, + { + "bbox": [ + 364, + 33, + 1004, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=n5RebYTHao8", + "variation_id": 0, + "video_id": "04005" + }, + { + "bbox": [ + 243, + 36, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/attend.mp4", + "variation_id": 0, + "video_id": "04007" + } + ] + }, + { + "gloss": "auction", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4673, + "frame_start": 4604, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04097" + }, + { + "bbox": [ + 35, + 1, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/122836.mp4", + "variation_id": 0, + "video_id": "04099" + }, + { + "bbox": [ + 370, + 40, + 1835, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Auction-zXC-mE4Iam0.mp4", + "variation_id": 0, + "video_id": "04101" + }, + { + "bbox": [ + 120, + 56, + 675, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1545783633.8177.mp4", + "variation_id": 0, + "video_id": "04102" + }, + { + "bbox": [ + 17, + 16, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/auction.mp4", + "variation_id": 0, + "video_id": "04103" + }, + { + "bbox": [ + 32, + 4, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1153.mp4", + "variation_id": 0, + "video_id": "04104" + }, + { + "bbox": [ + 6, + 14, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/auction.swf", + "variation_id": 0, + "video_id": "04105" + }, + { + "bbox": [ + 172, + 48, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/auction.mp4", + "variation_id": 0, + "video_id": "04106" + } + ] + }, + { + "gloss": "authority", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5181, + "frame_start": 5135, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04225" + }, + { + "bbox": [ + 39, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 53, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51560.mp4", + "variation_id": 0, + "video_id": "04226" + }, + { + "bbox": [ + 473, + 33, + 1578, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Authority-4RvBXjRRHfo.mp4", + "variation_id": 0, + "video_id": "04227" + }, + { + "bbox": [ + 116, + 21, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466647016.7582.mp4", + "variation_id": 0, + "video_id": "04228" + }, + { + "bbox": [ + 179, + 18, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/authority.mp4", + "variation_id": 0, + "video_id": "04229" + }, + { + "bbox": [ + 74, + 16, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1157.mp4", + "variation_id": 0, + "video_id": "04230" + }, + { + "bbox": [ + 4, + 10, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/authority.swf", + "variation_id": 0, + "video_id": "04231" + }, + { + "bbox": [ + 189, + 49, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/authority.mp4", + "variation_id": 0, + "video_id": "04232" + } + ] + }, + { + "gloss": "average", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5361, + "frame_start": 5292, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04323" + }, + { + "bbox": [ + 62, + 4, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/123102.mp4", + "variation_id": 0, + "video_id": "04324" + }, + { + "bbox": [ + 451, + 62, + 830, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/average.mp4", + "variation_id": 0, + "video_id": "04325" + }, + { + "bbox": [ + 649, + 52, + 1439, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Average-8mxs39TSQVg.mp4", + "variation_id": 0, + "video_id": "04326" + }, + { + "bbox": [ + 61, + 0, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/average-divide.mp4", + "variation_id": 0, + "video_id": "04328" + }, + { + "bbox": [ + 40, + 22, + 499, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/a/average.mp4", + "variation_id": 0, + "video_id": "04329" + }, + { + "bbox": [ + 77, + 12, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9575.mp4", + "variation_id": 0, + "video_id": "04330" + }, + { + "bbox": [ + 205, + 52, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/average.mp4", + "variation_id": 0, + "video_id": "04332" + } + ] + }, + { + "gloss": "awake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5458, + "frame_start": 5412, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04354" + }, + { + "bbox": [ + 178, + 34, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 92, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AW/AWAKE-2354.mp4", + "variation_id": 0, + "video_id": "65116" + }, + { + "bbox": [ + 21, + 1, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123104.mp4", + "variation_id": 0, + "video_id": "04355" + }, + { + "bbox": [ + 92, + 27, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466647396.7939.mp4", + "variation_id": 0, + "video_id": "04356" + }, + { + "bbox": [ + 120, + 0, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/awake.mp4", + "variation_id": 0, + "video_id": "04357" + }, + { + "bbox": [ + 63, + 11, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9364.mp4", + "variation_id": 0, + "video_id": "04358" + }, + { + "bbox": [ + 3, + 8, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/awake.swf", + "variation_id": 0, + "video_id": "04360" + }, + { + "bbox": [ + 191, + 47, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/awake.mp4", + "variation_id": 0, + "video_id": "04361" + } + ] + }, + { + "gloss": "b", + "instances": [ + { + "bbox": [ + 204, + 31, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-B-1674.mp4", + "variation_id": 0, + "video_id": "66040" + }, + { + "bbox": [ + 145, + 33, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1528809836.7505.mp4", + "variation_id": 0, + "video_id": "06120" + }, + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 63, + "frame_start": 1, + "instance_id": 3, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04466" + }, + { + "bbox": [ + 128, + 13, + 460, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/b-abc.mp4", + "variation_id": 0, + "video_id": "06121" + }, + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 86, + "frame_start": 64, + "instance_id": 5, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04467" + }, + { + "bbox": [ + 86, + 7, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/10/10001.mp4", + "variation_id": 0, + "video_id": "06122" + }, + { + "bbox": [ + 8, + 11, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/b.swf", + "variation_id": 0, + "video_id": "06123" + }, + { + "bbox": [ + 180, + 49, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/b.mp4", + "variation_id": 0, + "video_id": "06124" + } + ] + }, + { + "gloss": "babysitter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 206, + "frame_start": 140, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "04530" + }, + { + "bbox": [ + 56, + 6, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/123132.mp4", + "variation_id": 0, + "video_id": "04531" + }, + { + "bbox": [ + 160, + 80, + 666, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1545783789.8874.mp4", + "variation_id": 0, + "video_id": "04532" + }, + { + "bbox": [ + 65, + 18, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23411.mp4", + "variation_id": 0, + "video_id": "04533" + }, + { + "bbox": [ + 326, + 28, + 950, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1PsaWJIMdkQ", + "variation_id": 0, + "video_id": "04534" + }, + { + "bbox": [ + 329, + 31, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=xJ8vboGrbug", + "variation_id": 0, + "video_id": "04535" + }, + { + "bbox": [ + 4, + 3, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/babysitter.swf", + "variation_id": 0, + "video_id": "04536" + }, + { + "bbox": [ + 174, + 51, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/babysitter.mp4", + "variation_id": 0, + "video_id": "04537" + } + ] + }, + { + "gloss": "battle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1275, + "frame_start": 1209, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05366" + }, + { + "bbox": [ + 27, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455501.mp4", + "variation_id": 0, + "video_id": "05368" + }, + { + "bbox": [ + 35, + 22, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466649865.907.mp4", + "variation_id": 0, + "video_id": "05369" + }, + { + "bbox": [ + 128, + 17, + 477, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/battle-struggle.mp4", + "variation_id": 0, + "video_id": "05370" + }, + { + "bbox": [ + 90, + 19, + 486, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/battle-war.mp4", + "variation_id": 0, + "video_id": "05371" + }, + { + "bbox": [ + 62, + 17, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23933.mp4", + "variation_id": 0, + "video_id": "05372" + }, + { + "bbox": [ + 0, + 5, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/battle.swf", + "variation_id": 0, + "video_id": "05373" + }, + { + "bbox": [ + 195, + 39, + 609, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/battle.mp4", + "variation_id": 0, + "video_id": "05374" + } + ] + }, + { + "gloss": "beginning", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1889, + "frame_start": 1827, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05776" + }, + { + "bbox": [ + 691, + 60, + 1646, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beginning-00_DNPsIIj0.mp4", + "variation_id": 0, + "video_id": "05778" + }, + { + "bbox": [ + 688, + 65, + 1639, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beginning%202-WhSgMlSMmRA.mp4", + "variation_id": 0, + "video_id": "05779" + }, + { + "bbox": [ + 581, + 62, + 1661, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beginning%203-G6K69fkxXxI.mp4", + "variation_id": 0, + "video_id": "05780" + }, + { + "bbox": [ + 630, + 66, + 1652, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beginning%204-n94KUv_Cu88.mp4", + "variation_id": 0, + "video_id": "05781" + }, + { + "bbox": [ + 524, + 69, + 1592, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beginning%206-7ITlamdHrQo.mp4", + "variation_id": 0, + "video_id": "05782" + }, + { + "bbox": [ + 57, + 19, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8988.mp4", + "variation_id": 0, + "video_id": "05783" + }, + { + "bbox": [ + 169, + 52, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/begin.mp4", + "variation_id": 0, + "video_id": "05784" + } + ] + }, + { + "gloss": "belief", + "instances": [ + { + "bbox": [ + 57, + 14, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/belief.mov", + "variation_id": 0, + "video_id": "05844" + }, + { + "bbox": [ + 60, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/124265.mp4", + "variation_id": 0, + "video_id": "05845" + }, + { + "bbox": [ + 577, + 36, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Believe%2C%20Belief%202-RPPPa9Eflvw.mp4", + "variation_id": 0, + "video_id": "05846" + }, + { + "bbox": [ + 540, + 59, + 1657, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Believe%2C%20Belief-Gn3JioBwLgg.mp4", + "variation_id": 0, + "video_id": "05847" + }, + { + "bbox": [ + 97, + 26, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681536.7148.mp4", + "variation_id": 0, + "video_id": "05848" + }, + { + "bbox": [ + 63, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9846.mp4", + "variation_id": 0, + "video_id": "05849" + }, + { + "bbox": [ + 18, + 15, + 202, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/belief.swf", + "variation_id": 0, + "video_id": "05850" + }, + { + "bbox": [ + 140, + 50, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/belief.mp4", + "variation_id": 0, + "video_id": "05851" + } + ] + }, + { + "gloss": "bible", + "instances": [ + { + "bbox": [ + 172, + 51, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/bible.mp4", + "variation_id": 0, + "video_id": "06146" + }, + { + "bbox": [ + 397, + 52, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bible.mp4", + "variation_id": 0, + "video_id": "06137" + }, + { + "bbox": [ + 141, + 19, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681935.4041.mp4", + "variation_id": 0, + "video_id": "06138" + }, + { + "bbox": [ + 100, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bible.mp4", + "variation_id": 0, + "video_id": "06139" + }, + { + "bbox": [ + 67, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1222.mp4", + "variation_id": 0, + "video_id": "06140" + }, + { + "bbox": [ + 348, + 28, + 966, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=AKTpCT6pK1w", + "variation_id": 0, + "video_id": "06143" + }, + { + "bbox": [ + 359, + 25, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gfGKxhXt6H8", + "variation_id": 0, + "video_id": "06144" + }, + { + "bbox": [ + 28, + 2, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bible.swf", + "variation_id": 0, + "video_id": "06145" + } + ] + }, + { + "gloss": "bike", + "instances": [ + { + "bbox": [ + 50, + 12, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/124309.mp4", + "variation_id": 0, + "video_id": "06214" + }, + { + "bbox": [ + 112, + 0, + 1228, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "test", + "url": "https://www.youtube.com/watch?v=9-pcqNp0YJ4", + "variation_id": 0, + "video_id": "68008" + }, + { + "bbox": [ + 104, + 11, + 550, + 356 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=o6INTBz01BM", + "variation_id": 0, + "video_id": "68752" + }, + { + "bbox": [ + 338, + 14, + 991, + 720 + ], + "fps": 25, + "frame_end": 74, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=YvNIFnhDIsQ", + "variation_id": 0, + "video_id": "69076" + }, + { + "bbox": [ + 131, + 25, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681976.9845.mp4", + "variation_id": 0, + "video_id": "06215" + }, + { + "bbox": [ + 65, + 19, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22794.mp4", + "variation_id": 0, + "video_id": "06216" + }, + { + "bbox": [ + 0, + 8, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bike.swf", + "variation_id": 0, + "video_id": "06217" + }, + { + "bbox": [ + 174, + 51, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bicycle.mp4", + "variation_id": 0, + "video_id": "06218" + } + ] + }, + { + "gloss": "blend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3335, + "frame_start": 3256, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06602" + }, + { + "bbox": [ + 18, + 6, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/124720.mp4", + "variation_id": 0, + "video_id": "06613" + }, + { + "bbox": [ + 403, + 37, + 1089, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Blend%2C%20Mainstream-ewOxHn7HeWU.mp4", + "variation_id": 0, + "video_id": "06614" + }, + { + "bbox": [ + 91, + 22, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900066.2459.mp4", + "variation_id": 0, + "video_id": "06615" + }, + { + "bbox": [ + 120, + 28, + 447, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blend-merge.mp4", + "variation_id": 0, + "video_id": "06616" + }, + { + "bbox": [ + 47, + 1, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14475.mp4", + "variation_id": 0, + "video_id": "06618" + }, + { + "bbox": [ + 23, + 12, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/blend.swf", + "variation_id": 0, + "video_id": "06619" + }, + { + "bbox": [ + 158, + 53, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/blend.mp4", + "variation_id": 0, + "video_id": "06620" + } + ] + }, + { + "gloss": "bone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3709, + "frame_start": 3660, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07032" + }, + { + "bbox": [ + 190, + 26, + 487, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BO/BONE-362.mp4", + "variation_id": 0, + "video_id": "65224" + }, + { + "bbox": [ + 109, + 24, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/U8KcDY1_m-M", + "variation_id": 0, + "video_id": "67422" + }, + { + "bbox": [ + 685, + 157, + 1394, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bone-v2omi2hoxN8.mp4", + "variation_id": 0, + "video_id": "07033" + }, + { + "bbox": [ + 64, + 5, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bone.mp4", + "variation_id": 0, + "video_id": "07035" + }, + { + "bbox": [ + 71, + 15, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5375.mp4", + "variation_id": 0, + "video_id": "07036" + }, + { + "bbox": [ + 4, + 10, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bone.swf", + "variation_id": 0, + "video_id": "07037" + }, + { + "bbox": [ + 160, + 54, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bone.mp4", + "variation_id": 0, + "video_id": "07038" + } + ] + }, + { + "gloss": "bra", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4335, + "frame_start": 4296, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07467" + }, + { + "bbox": [ + 134, + 13, + 517, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BRA-2449.mp4", + "variation_id": 0, + "video_id": "65246" + }, + { + "bbox": [ + 3, + 6, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125254.mp4", + "variation_id": 0, + "video_id": "07499" + }, + { + "bbox": [ + 40, + 15, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TGViEqVGBjQ", + "variation_id": 0, + "video_id": "67435" + }, + { + "bbox": [ + 84, + 63, + 622, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520781401.8325.mp4", + "variation_id": 0, + "video_id": "07500" + }, + { + "bbox": [ + 16, + 0, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/bra.mp4", + "variation_id": 0, + "video_id": "07501" + }, + { + "bbox": [ + 28, + 10, + 261, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9586.mp4", + "variation_id": 0, + "video_id": "07502" + }, + { + "bbox": [ + 2, + 1, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bra.swf", + "variation_id": 0, + "video_id": "07503" + } + ] + }, + { + "gloss": "brief", + "instances": [ + { + "bbox": [ + 81, + 15, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/153212.mp4", + "variation_id": 0, + "video_id": "07765" + }, + { + "bbox": [ + 683, + 122, + 1608, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brief%2C%20Short-r3MXqVW-FBY.mp4", + "variation_id": 0, + "video_id": "07766" + }, + { + "bbox": [ + 85, + 20, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466724014.5239.mp4", + "variation_id": 0, + "video_id": "07767" + }, + { + "bbox": [ + 80, + 8, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/brief-short.mp4", + "variation_id": 0, + "video_id": "07768" + }, + { + "bbox": [ + 75, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5844.mp4", + "variation_id": 0, + "video_id": "07769" + }, + { + "bbox": [ + 376, + 58, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=YfTrFCqaAks", + "variation_id": 0, + "video_id": "07770" + }, + { + "bbox": [ + 25, + 21, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/brief.swf", + "variation_id": 0, + "video_id": "07771" + }, + { + "bbox": [ + 181, + 54, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brief.mp4", + "variation_id": 0, + "video_id": "07772" + } + ] + }, + { + "gloss": "broke", + "instances": [ + { + "bbox": [ + 344, + 50, + 826, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/broke.mp4", + "variation_id": 0, + "video_id": "07872" + }, + { + "bbox": [ + 77, + 20, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23341.mp4", + "variation_id": 0, + "video_id": "07879" + }, + { + "bbox": [ + 318, + 57, + 882, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eSmAn3RPnPU", + "variation_id": 0, + "video_id": "07883" + }, + { + "bbox": [ + 27, + 22, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/broke.swf", + "variation_id": 0, + "video_id": "07884" + }, + { + "bbox": [ + 155, + 50, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/broke.mp4", + "variation_id": 0, + "video_id": "07886" + }, + { + "bbox": [ + 578, + 39, + 1604, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Broke-tX4m310Fqlk.mp4", + "variation_id": 0, + "video_id": "07873" + }, + { + "bbox": [ + 84, + 18, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466724271.2538.mp4", + "variation_id": 0, + "video_id": "07875" + }, + { + "bbox": [ + 23, + 6, + 491, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/broke-empty.mp4", + "variation_id": 0, + "video_id": "07876" + } + ] + }, + { + "gloss": "bug", + "instances": [ + { + "bbox": [ + 134, + 5, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUG-422.mp4", + "variation_id": 0, + "video_id": "65267" + }, + { + "bbox": [ + 175, + 54, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/bug.mp4", + "variation_id": 0, + "video_id": "08114" + }, + { + "bbox": [ + 103, + 11, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/zO5858E1Dd8", + "variation_id": 0, + "video_id": "67448" + }, + { + "bbox": [ + 760, + 76, + 1568, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Insect-4rxVCC-Pliw.mp4", + "variation_id": 0, + "video_id": "08107" + }, + { + "bbox": [ + 51, + 10, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bug-insect.mp4", + "variation_id": 0, + "video_id": "08109" + }, + { + "bbox": [ + 85, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7324.mp4", + "variation_id": 0, + "video_id": "08111" + }, + { + "bbox": [ + 378, + 38, + 928, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=a-COvvqJXe8", + "variation_id": 0, + "video_id": "08112" + }, + { + "bbox": [ + 0, + 15, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bug.swf", + "variation_id": 0, + "video_id": "08113" + } + ] + }, + { + "gloss": "bully", + "instances": [ + { + "bbox": [ + 42, + 5, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125606.mp4", + "variation_id": 0, + "video_id": "08179" + }, + { + "bbox": [ + 79, + 18, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466724893.535.mp4", + "variation_id": 0, + "video_id": "08180" + }, + { + "bbox": [ + 104, + 3, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bully.mp4", + "variation_id": 0, + "video_id": "08181" + }, + { + "bbox": [ + 81, + 15, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5645.mp4", + "variation_id": 0, + "video_id": "08182" + }, + { + "bbox": [ + 62, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5646.mp4", + "variation_id": 0, + "video_id": "08183" + }, + { + "bbox": [ + 83, + 13, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8029.mp4", + "variation_id": 0, + "video_id": "08185" + }, + { + "bbox": [ + 11, + 2, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bully.swf", + "variation_id": 0, + "video_id": "08186" + }, + { + "bbox": [ + 172, + 52, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bully.mp4", + "variation_id": 0, + "video_id": "08187" + } + ] + }, + { + "gloss": "button", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5391, + "frame_start": 5339, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08467" + }, + { + "bbox": [ + 168, + 14, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BU/BUTTON-367.mp4", + "variation_id": 0, + "video_id": "65281" + }, + { + "bbox": [ + 54, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125646.mp4", + "variation_id": 0, + "video_id": "08468" + }, + { + "bbox": [ + 52, + 21, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725626.8397.mp4", + "variation_id": 0, + "video_id": "08470" + }, + { + "bbox": [ + 54, + 0, + 492, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/button.mp4", + "variation_id": 0, + "video_id": "08471" + }, + { + "bbox": [ + 64, + 17, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9090.mp4", + "variation_id": 0, + "video_id": "08472" + }, + { + "bbox": [ + 5, + 7, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/button.swf", + "variation_id": 0, + "video_id": "08473" + }, + { + "bbox": [ + 207, + 40, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/button.mp4", + "variation_id": 0, + "video_id": "08474" + } + ] + }, + { + "gloss": "cabbage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 60, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08532" + }, + { + "bbox": [ + 95, + 2, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/w4CMeLXFcOw", + "variation_id": 0, + "video_id": "67455" + }, + { + "bbox": [ + 44, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74897.mp4", + "variation_id": 0, + "video_id": "08533" + }, + { + "bbox": [ + 31, + 17, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cabbage.mp4", + "variation_id": 0, + "video_id": "08534" + }, + { + "bbox": [ + 53, + 20, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22554.mp4", + "variation_id": 0, + "video_id": "08535" + }, + { + "bbox": [ + 70, + 20, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22555.mp4", + "variation_id": 0, + "video_id": "08536" + }, + { + "bbox": [ + 18, + 2, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cabbage.swf", + "variation_id": 0, + "video_id": "08537" + }, + { + "bbox": [ + 157, + 47, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cabbage.mp4", + "variation_id": 0, + "video_id": "08538" + } + ] + }, + { + "gloss": "cabinet", + "instances": [ + { + "bbox": [ + 0, + 22, + 623, + 480 + ], + "fps": 25, + "frame_end": 6804, + "frame_start": 6630, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=jDCw7stJaM4", + "variation_id": 0, + "video_id": "70081" + }, + { + "bbox": [ + 100, + 1, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/n00yQ59JOPA", + "variation_id": 0, + "video_id": "67456" + }, + { + "bbox": [ + 12, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125653.mp4", + "variation_id": 0, + "video_id": "08543" + }, + { + "bbox": [ + 411, + 58, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/cabinet.mp4", + "variation_id": 0, + "video_id": "08544" + }, + { + "bbox": [ + 85, + 10, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725708.1886.mp4", + "variation_id": 0, + "video_id": "08545" + }, + { + "bbox": [ + 52, + 14, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22175.mp4", + "variation_id": 0, + "video_id": "08546" + }, + { + "bbox": [ + 50, + 17, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22176.mp4", + "variation_id": 0, + "video_id": "08547" + }, + { + "bbox": [ + 0, + 5, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cabinet.swf", + "variation_id": 0, + "video_id": "08548" + } + ] + }, + { + "gloss": "calculate", + "instances": [ + { + "bbox": [ + 45, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125664.mp4", + "variation_id": 0, + "video_id": "08624" + }, + { + "bbox": [ + 461, + 40, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Calculate-1PGvfk3QQzA.mp4", + "variation_id": 0, + "video_id": "08625" + }, + { + "bbox": [ + 602, + 69, + 1587, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Calculate%2C%20Figure%20Out%2C%20Math%202-yLo-I4bLFcQ.mp4", + "variation_id": 0, + "video_id": "08626" + }, + { + "bbox": [ + 572, + 74, + 1596, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Calculate%2C%20Figure%20Out%2C%20Math-lrEcJrWFLlU.mp4", + "variation_id": 0, + "video_id": "08627" + }, + { + "bbox": [ + 96, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726010.2008.mp4", + "variation_id": 0, + "video_id": "08628" + }, + { + "bbox": [ + 199, + 4, + 502, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/calculate.mp4", + "variation_id": 0, + "video_id": "08630" + }, + { + "bbox": [ + 80, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6470.mp4", + "variation_id": 0, + "video_id": "08631" + }, + { + "bbox": [ + 178, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/calculate.mp4", + "variation_id": 0, + "video_id": "08633" + } + ] + }, + { + "gloss": "calculator", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 231, + "frame_start": 165, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08634" + }, + { + "bbox": [ + 49, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/125665.mp4", + "variation_id": 0, + "video_id": "08635" + }, + { + "bbox": [ + 645, + 140, + 1496, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Calculator-XyEVW5j_Owg.mp4", + "variation_id": 0, + "video_id": "08636" + }, + { + "bbox": [ + 129, + 26, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1527807989.3145.mp4", + "variation_id": 0, + "video_id": "08637" + }, + { + "bbox": [ + 24, + 1, + 484, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/calculator.mp4", + "variation_id": 0, + "video_id": "08638" + }, + { + "bbox": [ + 74, + 17, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1288.mp4", + "variation_id": 0, + "video_id": "08639" + }, + { + "bbox": [ + 26, + 4, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/calculator.swf", + "variation_id": 0, + "video_id": "08640" + }, + { + "bbox": [ + 184, + 52, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/calculator.mp4", + "variation_id": 0, + "video_id": "08641" + } + ] + }, + { + "gloss": "calculus", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 298, + "frame_start": 232, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08642" + }, + { + "bbox": [ + 41, + 0, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51274.mp4", + "variation_id": 0, + "video_id": "08643" + }, + { + "bbox": [ + 653, + 75, + 1586, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Calculus-BDw_4k4E6q0.mp4", + "variation_id": 0, + "video_id": "08644" + }, + { + "bbox": [ + 101, + 5, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726036.7086.mp4", + "variation_id": 0, + "video_id": "08645" + }, + { + "bbox": [ + 61, + 7, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/calculus.mp4", + "variation_id": 0, + "video_id": "08646" + }, + { + "bbox": [ + 78, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6481.mp4", + "variation_id": 0, + "video_id": "08647" + }, + { + "bbox": [ + 22, + 21, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/calculus.swf", + "variation_id": 0, + "video_id": "08648" + }, + { + "bbox": [ + 179, + 54, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/calculus.mp4", + "variation_id": 0, + "video_id": "08649" + } + ] + }, + { + "gloss": "camping", + "instances": [ + { + "bbox": [ + 188, + 32, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CAMPING-2148.mp4", + "variation_id": 0, + "video_id": "65293" + }, + { + "bbox": [ + 417, + 63, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/camping.mp4", + "variation_id": 0, + "video_id": "08824" + }, + { + "bbox": [ + 89, + 16, + 431, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bhcHE-iWyi4", + "variation_id": 0, + "video_id": "67464" + }, + { + "bbox": [ + 83, + 30, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1539180947.562.mp4", + "variation_id": 0, + "video_id": "08825" + }, + { + "bbox": [ + 64, + 26, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22806.mp4", + "variation_id": 0, + "video_id": "08827" + }, + { + "bbox": [ + 355, + 35, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=54Lkmk3RLYM", + "variation_id": 0, + "video_id": "08828" + }, + { + "bbox": [ + 5, + 1, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/camping.swf", + "variation_id": 0, + "video_id": "08829" + }, + { + "bbox": [ + 178, + 50, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/camping.mp4", + "variation_id": 0, + "video_id": "08830" + } + ] + }, + { + "gloss": "canoe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 841, + "frame_start": 783, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08978" + }, + { + "bbox": [ + 156, + 19, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 99, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/CA/CANOE-2372.mp4", + "variation_id": 0, + "video_id": "65302" + }, + { + "bbox": [ + 53, + 10, + 444, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/CvVXJC5Glwk", + "variation_id": 0, + "video_id": "67472" + }, + { + "bbox": [ + 33, + 14, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92618.mp4", + "variation_id": 0, + "video_id": "08979" + }, + { + "bbox": [ + 620, + 78, + 1914, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Kayaking-ESLXm7sEyCU.mp4", + "variation_id": 0, + "video_id": "08980" + }, + { + "bbox": [ + 58, + 12, + 246, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1296.mp4", + "variation_id": 0, + "video_id": "08983" + }, + { + "bbox": [ + 0, + 7, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/canoe.swf", + "variation_id": 0, + "video_id": "08984" + }, + { + "bbox": [ + 167, + 52, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/canoe.mp4", + "variation_id": 0, + "video_id": "08985" + } + ] + }, + { + "gloss": "careless", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1034, + "frame_start": 982, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09215" + }, + { + "bbox": [ + 136, + 37, + 454, + 480 + ], + "fps": 25, + "frame_end": 5805, + "frame_start": 5682, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70201" + }, + { + "bbox": [ + 6, + 16, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/careless.swf", + "variation_id": 0, + "video_id": "09224" + }, + { + "bbox": [ + 101, + 20, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466727534.8230.mp4", + "variation_id": 0, + "video_id": "09216" + }, + { + "bbox": [ + 160, + 0, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/careless2.mp4", + "variation_id": 0, + "video_id": "09217" + }, + { + "bbox": [ + 152, + 0, + 520, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/careless.mp4", + "variation_id": 0, + "video_id": "09219" + }, + { + "bbox": [ + 73, + 14, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22204.mp4", + "variation_id": 0, + "video_id": "09220" + }, + { + "bbox": [ + 339, + 29, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_NnngT9_tl8", + "variation_id": 0, + "video_id": "09222" + } + ] + }, + { + "gloss": "ceiling", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1464, + "frame_start": 1415, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09620" + }, + { + "bbox": [ + 143, + 5, + 519, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CE/CEILING-680.mp4", + "variation_id": 0, + "video_id": "65320" + }, + { + "bbox": [ + 34, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51408.mp4", + "variation_id": 0, + "video_id": "09625" + }, + { + "bbox": [ + 289, + 33, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/ceiling2.mp4", + "variation_id": 0, + "video_id": "09626" + }, + { + "bbox": [ + 514, + 46, + 1873, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ceiling-eV0-9YYMgYQ.mp4", + "variation_id": 0, + "video_id": "09627" + }, + { + "bbox": [ + 74, + 15, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466728926.9534.mp4", + "variation_id": 0, + "video_id": "09628" + }, + { + "bbox": [ + 10, + 1, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/ceiling.swf", + "variation_id": 0, + "video_id": "09630" + }, + { + "bbox": [ + 167, + 34, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ceiling.mp4", + "variation_id": 0, + "video_id": "09631" + } + ] + }, + { + "gloss": "cemetery", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1597, + "frame_start": 1525, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09710" + }, + { + "bbox": [ + 173, + 15, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CE/CEMETERY-711.mp4", + "variation_id": 0, + "video_id": "65322" + }, + { + "bbox": [ + 4, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51415.mp4", + "variation_id": 0, + "video_id": "09712" + }, + { + "bbox": [ + 69, + 12, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466729134.4891.mp4", + "variation_id": 0, + "video_id": "09713" + }, + { + "bbox": [ + 53, + 17, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cemetery.mp4", + "variation_id": 0, + "video_id": "09714" + }, + { + "bbox": [ + 74, + 9, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14488.mp4", + "variation_id": 0, + "video_id": "09715" + }, + { + "bbox": [ + 45, + 9, + 245, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14489.mp4", + "variation_id": 0, + "video_id": "09716" + }, + { + "bbox": [ + 213, + 40, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cemetery.mp4", + "variation_id": 0, + "video_id": "09717" + } + ] + }, + { + "gloss": "chapter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2122, + "frame_start": 2066, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10004" + }, + { + "bbox": [ + 402, + 40, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/chapter.mp4", + "variation_id": 0, + "video_id": "69266" + }, + { + "bbox": [ + 79, + 6, + 237, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 43, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/chapter.mov", + "variation_id": 0, + "video_id": "10005" + }, + { + "bbox": [ + 48, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51438.mp4", + "variation_id": 0, + "video_id": "10007" + }, + { + "bbox": [ + 101, + 9, + 609, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1488899101.6179.mp4", + "variation_id": 0, + "video_id": "10008" + }, + { + "bbox": [ + 50, + 7, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/chapter.mp4", + "variation_id": 0, + "video_id": "10009" + }, + { + "bbox": [ + 6, + 8, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chapter.swf", + "variation_id": 0, + "video_id": "10012" + }, + { + "bbox": [ + 188, + 54, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chapter.mp4", + "variation_id": 0, + "video_id": "10013" + } + ] + }, + { + "gloss": "choir", + "instances": [ + { + "bbox": [ + 52, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/126007.mp4", + "variation_id": 0, + "video_id": "10599" + }, + { + "bbox": [ + 41, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 57, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/62725.mp4", + "variation_id": 0, + "video_id": "10600" + }, + { + "bbox": [ + 408, + 58, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/choir.mp4", + "variation_id": 0, + "video_id": "10601" + }, + { + "bbox": [ + 100, + 26, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499776355.8386.mp4", + "variation_id": 0, + "video_id": "10602" + }, + { + "bbox": [ + 98, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/choir.mp4", + "variation_id": 0, + "video_id": "10603" + }, + { + "bbox": [ + 62, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/4/4161.mp4", + "variation_id": 0, + "video_id": "10605" + }, + { + "bbox": [ + 22, + 2, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/choir.swf", + "variation_id": 0, + "video_id": "10606" + }, + { + "bbox": [ + 132, + 53, + 587, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/choir.mp4", + "variation_id": 0, + "video_id": "10607" + } + ] + }, + { + "gloss": "circle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3488, + "frame_start": 3429, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10810" + }, + { + "bbox": [ + 190, + 50, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/circle.mp4", + "variation_id": 0, + "video_id": "10820" + }, + { + "bbox": [ + 149, + 15, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CI/CIRCLE-822.mp4", + "variation_id": 0, + "video_id": "65360" + }, + { + "bbox": [ + 655, + 82, + 1460, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Circle-Jo8y0OxH8-g.mp4", + "variation_id": 0, + "video_id": "10813" + }, + { + "bbox": [ + 83, + 12, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466733691.9648.mp4", + "variation_id": 0, + "video_id": "10814" + }, + { + "bbox": [ + 81, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/circle.mp4", + "variation_id": 0, + "video_id": "10815" + }, + { + "bbox": [ + 96, + 7, + 477, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/circle-ref.mp4", + "variation_id": 0, + "video_id": "10816" + }, + { + "bbox": [ + 69, + 14, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23880.mp4", + "variation_id": 0, + "video_id": "10817" + } + ] + }, + { + "gloss": "come", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4460, + "frame_start": 4421, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11839" + }, + { + "bbox": [ + 140, + 37, + 943, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/come.mp4", + "variation_id": 0, + "video_id": "69275" + }, + { + "bbox": [ + 178, + 59, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/come.mp4", + "variation_id": 0, + "video_id": "11884" + }, + { + "bbox": [ + 63, + 13, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399315.mp4", + "variation_id": 0, + "video_id": "11876" + }, + { + "bbox": [ + 540, + 64, + 1480, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20To%20Come-T815w96_jns.mp4", + "variation_id": 0, + "video_id": "11877" + }, + { + "bbox": [ + 84, + 27, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466900105.5607.mp4", + "variation_id": 0, + "video_id": "11878" + }, + { + "bbox": [ + 40, + 3, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/come2.mp4", + "variation_id": 0, + "video_id": "11879" + }, + { + "bbox": [ + 82, + 14, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7175.mp4", + "variation_id": 0, + "video_id": "11882" + } + ] + }, + { + "gloss": "come here", + "instances": [ + { + "bbox": [ + 195, + 9, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 104, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/E(/E(come-here)-1907.mp4", + "variation_id": 0, + "video_id": "65558" + }, + { + "bbox": [ + 805, + 77, + 1622, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Come%20Here%202-rl1otBdmKok.mp4", + "variation_id": 0, + "video_id": "11862" + }, + { + "bbox": [ + 79, + 10, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9902.mp4", + "variation_id": 0, + "video_id": "11872" + }, + { + "bbox": [ + 861, + 70, + 1604, + 1063 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Come%20Here%203%20copy-TxWTZaxzJCQ.mp4", + "variation_id": 0, + "video_id": "11863" + }, + { + "bbox": [ + 788, + 71, + 1689, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Come%20Here%203-PDKBPKFqDSQ.mp4", + "variation_id": 0, + "video_id": "11864" + }, + { + "bbox": [ + 858, + 64, + 1589, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Come%20Here%204-2ed-6UmzKSw.mp4", + "variation_id": 0, + "video_id": "11865" + }, + { + "bbox": [ + 794, + 73, + 1632, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Come%20Here-4NlI22JSfRs.mp4", + "variation_id": 0, + "video_id": "11866" + }, + { + "bbox": [ + 725, + 53, + 1473, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Come%20Here-HhV8ynVx5Js.mp4", + "variation_id": 0, + "video_id": "11867" + } + ] + }, + { + "gloss": "company", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4937, + "frame_start": 4898, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12099" + }, + { + "bbox": [ + 316, + 31, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=HhFub08UPjM", + "variation_id": 0, + "video_id": "12107" + }, + { + "bbox": [ + 2, + 12, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/company.swf", + "variation_id": 0, + "video_id": "12108" + }, + { + "bbox": [ + 177, + 56, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/company2.mp4", + "variation_id": 0, + "video_id": "12109" + }, + { + "bbox": [ + 34, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51703.mp4", + "variation_id": 0, + "video_id": "12100" + }, + { + "bbox": [ + 98, + 25, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466900913.9274.mp4", + "variation_id": 0, + "video_id": "12101" + }, + { + "bbox": [ + 63, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/company-co.mp4", + "variation_id": 0, + "video_id": "12102" + }, + { + "bbox": [ + 71, + 23, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23439.mp4", + "variation_id": 0, + "video_id": "12104" + } + ] + }, + { + "gloss": "complete", + "instances": [ + { + "bbox": [ + 71, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6062.mp4", + "variation_id": 0, + "video_id": "12217" + }, + { + "bbox": [ + 19, + 8, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 58, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/complete_1.swf", + "variation_id": 0, + "video_id": "12219" + }, + { + "bbox": [ + 211, + 43, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/conclude.mp4", + "variation_id": 0, + "video_id": "12221" + }, + { + "bbox": [ + 48, + 12, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93906.mp4", + "variation_id": 0, + "video_id": "12210" + }, + { + "bbox": [ + 669, + 38, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20End%2C%20Complete%2C%20Over%2C%20Finished-Y8kF63nbYEc.mp4", + "variation_id": 0, + "video_id": "12211" + }, + { + "bbox": [ + 79, + 25, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466901120.6929.mp4", + "variation_id": 0, + "video_id": "12212" + }, + { + "bbox": [ + 59, + 6, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/complete-done.mp4", + "variation_id": 0, + "video_id": "12213" + } + ] + }, + { + "gloss": "concept", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5291, + "frame_start": 5225, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12400" + }, + { + "bbox": [ + 192, + 42, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/concept.mp4", + "variation_id": 0, + "video_id": "12408" + }, + { + "bbox": [ + 144, + 15, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONCEPT-1121.mp4", + "variation_id": 0, + "video_id": "65392" + }, + { + "bbox": [ + 78, + 0, + 436, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RYp8k7OPuog", + "variation_id": 0, + "video_id": "67521" + }, + { + "bbox": [ + 659, + 48, + 1519, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Concept-ayuYN6voLWo.mp4", + "variation_id": 0, + "video_id": "12402" + }, + { + "bbox": [ + 127, + 23, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466901272.6795.mp4", + "variation_id": 0, + "video_id": "12403" + }, + { + "bbox": [ + 66, + 26, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/concept.mp4", + "variation_id": 0, + "video_id": "12405" + }, + { + "bbox": [ + 0, + 10, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/concept.swf", + "variation_id": 0, + "video_id": "12407" + } + ] + }, + { + "gloss": "concern", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5368, + "frame_start": 5292, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12411" + }, + { + "bbox": [ + 151, + 18, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONCERN-1122.mp4", + "variation_id": 0, + "video_id": "65393" + }, + { + "bbox": [ + 63, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456000.mp4", + "variation_id": 0, + "video_id": "12415" + }, + { + "bbox": [ + 105, + 16, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466901302.7632.mp4", + "variation_id": 0, + "video_id": "12416" + }, + { + "bbox": [ + 66, + 9, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6548.mp4", + "variation_id": 0, + "video_id": "12418" + }, + { + "bbox": [ + 344, + 38, + 1038, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zQ9h9rQ_iU4", + "variation_id": 0, + "video_id": "12419" + }, + { + "bbox": [ + 0, + 15, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/concern.swf", + "variation_id": 0, + "video_id": "12420" + }, + { + "bbox": [ + 227, + 42, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/concern.mp4", + "variation_id": 0, + "video_id": "12421" + } + ] + }, + { + "gloss": "confront", + "instances": [ + { + "bbox": [ + 58, + 26, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96099.mp4", + "variation_id": 0, + "video_id": "12602" + }, + { + "bbox": [ + 367, + 60, + 1742, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Confront%202-iXCqxY5Cm_s.mp4", + "variation_id": 0, + "video_id": "12603" + }, + { + "bbox": [ + 580, + 34, + 1707, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Confront%203-t48HzefhB8o.mp4", + "variation_id": 0, + "video_id": "12604" + }, + { + "bbox": [ + 572, + 55, + 1654, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Confront-X8fTUVtGHHI.mp4", + "variation_id": 0, + "video_id": "12605" + }, + { + "bbox": [ + 71, + 14, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376006.184.mp4", + "variation_id": 0, + "video_id": "12606" + }, + { + "bbox": [ + 109, + 0, + 502, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/confront-face.mp4", + "variation_id": 0, + "video_id": "12607" + }, + { + "bbox": [ + 56, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14712.mp4", + "variation_id": 0, + "video_id": "12609" + }, + { + "bbox": [ + 0, + 4, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/confront.swf", + "variation_id": 0, + "video_id": "12610" + } + ] + }, + { + "gloss": "confused", + "instances": [ + { + "bbox": [ + 129, + 17, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONFUSED-1124.mp4", + "variation_id": 0, + "video_id": "65395" + }, + { + "bbox": [ + 475, + 65, + 1425, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONFUSED-2320.mp4", + "variation_id": 0, + "video_id": "65396" + }, + { + "bbox": [ + 47, + 13, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93908.mp4", + "variation_id": 0, + "video_id": "12612" + }, + { + "bbox": [ + 139, + 13, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Confused-VJvLrvWCgHU.mp4", + "variation_id": 0, + "video_id": "12613" + }, + { + "bbox": [ + 112, + 8, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466901994.6285.mp4", + "variation_id": 0, + "video_id": "12614" + }, + { + "bbox": [ + 24, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/confused.mp4", + "variation_id": 0, + "video_id": "12615" + }, + { + "bbox": [ + 269, + 28, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LJzalFEVIDc", + "variation_id": 0, + "video_id": "12618" + }, + { + "bbox": [ + 227, + 42, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/confuse.mp4", + "variation_id": 0, + "video_id": "12619" + } + ] + }, + { + "gloss": "congress", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5425, + "frame_start": 5369, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12648" + }, + { + "bbox": [ + 78, + 11, + 248, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/congress.mov", + "variation_id": 0, + "video_id": "12649" + }, + { + "bbox": [ + 87, + 30, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93248.mp4", + "variation_id": 0, + "video_id": "12650" + }, + { + "bbox": [ + 692, + 91, + 1599, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Congress%2C%20Committee-4NTyvb4gTDM.mp4", + "variation_id": 0, + "video_id": "12651" + }, + { + "bbox": [ + 98, + 12, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900442.6472.mp4", + "variation_id": 0, + "video_id": "12652" + }, + { + "bbox": [ + 56, + 11, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1369.mp4", + "variation_id": 0, + "video_id": "12654" + }, + { + "bbox": [ + 7, + 21, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/congress.swf", + "variation_id": 0, + "video_id": "12655" + }, + { + "bbox": [ + 235, + 44, + 494, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/congress.mp4", + "variation_id": 0, + "video_id": "12656" + } + ] + }, + { + "gloss": "connect", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5462, + "frame_start": 5426, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12674" + }, + { + "bbox": [ + 153, + 18, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 99, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONNECT-397.mp4", + "variation_id": 0, + "video_id": "65397" + }, + { + "bbox": [ + 48, + 2, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63602.mp4", + "variation_id": 0, + "video_id": "12675" + }, + { + "bbox": [ + 85, + 15, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466902148.6605.mp4", + "variation_id": 0, + "video_id": "12676" + }, + { + "bbox": [ + 42, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/connect.mp4", + "variation_id": 0, + "video_id": "12677" + }, + { + "bbox": [ + 89, + 24, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22254.mp4", + "variation_id": 0, + "video_id": "12678" + }, + { + "bbox": [ + 0, + 7, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/connect.swf", + "variation_id": 0, + "video_id": "12679" + }, + { + "bbox": [ + 188, + 43, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/connect.mp4", + "variation_id": 0, + "video_id": "12680" + } + ] + }, + { + "gloss": "conquer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5489, + "frame_start": 5463, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12694" + }, + { + "bbox": [ + 24, + 22, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/conquer.swf", + "variation_id": 0, + "video_id": "12703" + }, + { + "bbox": [ + 247, + 42, + 494, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/conquer.mp4", + "variation_id": 0, + "video_id": "12704" + }, + { + "bbox": [ + 145, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722890.7079.mp4", + "variation_id": 0, + "video_id": "12696" + }, + { + "bbox": [ + 86, + 0, + 476, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/conquer-beat.mp4", + "variation_id": 0, + "video_id": "12697" + }, + { + "bbox": [ + 77, + 0, + 539, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/conquer-overcome.mp4", + "variation_id": 0, + "video_id": "12699" + }, + { + "bbox": [ + 70, + 17, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6778.mp4", + "variation_id": 0, + "video_id": "12700" + }, + { + "bbox": [ + 67, + 16, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6780.mp4", + "variation_id": 0, + "video_id": "12702" + } + ] + }, + { + "gloss": "constitution", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5599, + "frame_start": 5560, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12806" + }, + { + "bbox": [ + 98, + 11, + 252, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/constitution.mov", + "variation_id": 0, + "video_id": "12809" + }, + { + "bbox": [ + 637, + 32, + 1662, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Constitution%202%2C%20Commandement-usSMP-dGtJE.mp4", + "variation_id": 0, + "video_id": "12810" + }, + { + "bbox": [ + 504, + 51, + 1622, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Constitution-WInChW7l7u4.mp4", + "variation_id": 0, + "video_id": "12811" + }, + { + "bbox": [ + 91, + 13, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467682982.2072.mp4", + "variation_id": 0, + "video_id": "12812" + }, + { + "bbox": [ + 77, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/constitution.mp4", + "variation_id": 0, + "video_id": "12813" + }, + { + "bbox": [ + 79, + 9, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6040.mp4", + "variation_id": 0, + "video_id": "12814" + }, + { + "bbox": [ + 193, + 60, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/constitution.mp4", + "variation_id": 0, + "video_id": "12815" + } + ] + }, + { + "gloss": "contract", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5758, + "frame_start": 5716, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12986" + }, + { + "bbox": [ + 74, + 25, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466902727.1961.mp4", + "variation_id": 0, + "video_id": "12987" + }, + { + "bbox": [ + 97, + 13, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/contract.mp4", + "variation_id": 0, + "video_id": "12988" + }, + { + "bbox": [ + 71, + 17, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9200.mp4", + "variation_id": 0, + "video_id": "12990" + }, + { + "bbox": [ + 198, + 28, + 1037, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2woJmLgFt6Y", + "variation_id": 0, + "video_id": "12991" + }, + { + "bbox": [ + 268, + 37, + 975, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=GlNPrxYeGKM", + "variation_id": 0, + "video_id": "12992" + }, + { + "bbox": [ + 11, + 13, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/contract.swf", + "variation_id": 0, + "video_id": "12993" + }, + { + "bbox": [ + 189, + 61, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/contract.mp4", + "variation_id": 0, + "video_id": "12994" + } + ] + }, + { + "gloss": "court", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6716, + "frame_start": 6657, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13604" + }, + { + "bbox": [ + 183, + 21, + 503, + 480 + ], + "fps": 25, + "frame_end": 2837, + "frame_start": 2791, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70157" + }, + { + "bbox": [ + 20, + 17, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96131.mp4", + "variation_id": 0, + "video_id": "13618" + }, + { + "bbox": [ + 619, + 63, + 1761, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Court%2C%20Judge-422XXWqSsh4.mp4", + "variation_id": 0, + "video_id": "13619" + }, + { + "bbox": [ + 49, + 19, + 616, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466904235.8371.mp4", + "variation_id": 0, + "video_id": "13621" + }, + { + "bbox": [ + 160, + 0, + 550, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/court-law.mp4", + "variation_id": 0, + "video_id": "13622" + }, + { + "bbox": [ + 65, + 17, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9202.mp4", + "variation_id": 0, + "video_id": "13623" + }, + { + "bbox": [ + 0, + 17, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/court.swf", + "variation_id": 0, + "video_id": "13624" + } + ] + }, + { + "gloss": "crab", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6853, + "frame_start": 6804, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13725" + }, + { + "bbox": [ + 214, + 44, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/crab.mp4", + "variation_id": 0, + "video_id": "13740" + }, + { + "bbox": [ + 431, + 77, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lobster%2C%20Crab%202-P9mUuyXXY2s.mp4", + "variation_id": 0, + "video_id": "13732" + }, + { + "bbox": [ + 317, + 79, + 1596, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lobster%2C%20Crab%203-EnQtp2K8NO4.mp4", + "variation_id": 0, + "video_id": "13733" + }, + { + "bbox": [ + 474, + 72, + 1574, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lobster%2C%20Crab%204-jZqYzlbwb48.mp4", + "variation_id": 0, + "video_id": "13734" + }, + { + "bbox": [ + 374, + 72, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lobster%2C%20Crab-5LU5A-Mmbis.mp4", + "variation_id": 0, + "video_id": "13735" + }, + { + "bbox": [ + 101, + 2, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/crab.mp4", + "variation_id": 0, + "video_id": "13736" + }, + { + "bbox": [ + 80, + 23, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22553.mp4", + "variation_id": 0, + "video_id": "13737" + } + ] + }, + { + "gloss": "cross", + "instances": [ + { + "bbox": [ + 421, + 24, + 1614, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cross-0YI1MRl_VBQ.mp4", + "variation_id": 0, + "video_id": "14047" + }, + { + "bbox": [ + 12, + 6, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/c/cross.swf", + "variation_id": 0, + "video_id": "14055" + }, + { + "bbox": [ + 90, + 21, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/crK-EVwpii8", + "variation_id": 0, + "video_id": "67544" + }, + { + "bbox": [ + 132, + 37, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cross3.mp4", + "variation_id": 0, + "video_id": "14057" + }, + { + "bbox": [ + 483, + 85, + 1426, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cross%202-IvMNkkopeyQ.mp4", + "variation_id": 0, + "video_id": "14048" + }, + { + "bbox": [ + 78, + 8, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466905414.2767.mp4", + "variation_id": 0, + "video_id": "14049" + }, + { + "bbox": [ + 150, + 4, + 545, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cross-shape.mp4", + "variation_id": 0, + "video_id": "14050" + }, + { + "bbox": [ + 48, + 11, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4672.mp4", + "variation_id": 0, + "video_id": "14051" + } + ] + }, + { + "gloss": "cruel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7079, + "frame_start": 7037, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14125" + }, + { + "bbox": [ + 92, + 38, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93267.mp4", + "variation_id": 0, + "video_id": "14126" + }, + { + "bbox": [ + 638, + 64, + 1695, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mean!-Eigdeaxm2Do.mp4", + "variation_id": 0, + "video_id": "14128" + }, + { + "bbox": [ + 114, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926545.4848.mp4", + "variation_id": 0, + "video_id": "14129" + }, + { + "bbox": [ + 140, + 17, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cruel.mp4", + "variation_id": 0, + "video_id": "14130" + }, + { + "bbox": [ + 83, + 19, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22271.mp4", + "variation_id": 0, + "video_id": "14131" + }, + { + "bbox": [ + 287, + 22, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Y-E-cy82HKo", + "variation_id": 0, + "video_id": "14132" + }, + { + "bbox": [ + 0, + 15, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cruel.swf", + "variation_id": 0, + "video_id": "14133" + } + ] + }, + { + "gloss": "crush", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7132, + "frame_start": 7080, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14156" + }, + { + "bbox": [ + 405, + 41, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 117, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/crush.mp4", + "variation_id": 0, + "video_id": "69286" + }, + { + "bbox": [ + 60, + 7, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/74956.mp4", + "variation_id": 0, + "video_id": "14157" + }, + { + "bbox": [ + 543, + 59, + 1714, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Crush--5Zjis-VEWA.mp4", + "variation_id": 0, + "video_id": "14158" + }, + { + "bbox": [ + 67, + 7, + 458, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/crush-press2.mp4", + "variation_id": 0, + "video_id": "14160" + }, + { + "bbox": [ + 67, + 11, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/crush-press.mp4", + "variation_id": 0, + "video_id": "14161" + }, + { + "bbox": [ + 48, + 25, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22558.mp4", + "variation_id": 0, + "video_id": "14162" + }, + { + "bbox": [ + 0, + 4, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/crush.swf", + "variation_id": 0, + "video_id": "14164" + } + ] + }, + { + "gloss": "date", + "instances": [ + { + "bbox": [ + 184, + 17, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DATE-370.mp4", + "variation_id": 0, + "video_id": "65442" + }, + { + "bbox": [ + 72, + 12, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14219.mp4", + "variation_id": 0, + "video_id": "14734" + }, + { + "bbox": [ + 236, + 19, + 525, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/date.mp4", + "variation_id": 0, + "video_id": "14728" + }, + { + "bbox": [ + 89, + 23, + 431, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OsSeA2Zk26Y", + "variation_id": 0, + "video_id": "14738" + }, + { + "bbox": [ + 8, + 8, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/date_person.swf", + "variation_id": 0, + "video_id": "14740" + }, + { + "bbox": [ + 183, + 54, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/date.mp4", + "variation_id": 0, + "video_id": "14741" + }, + { + "bbox": [ + 412, + 62, + 993, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Dessert%252C%20Dating.mp4", + "variation_id": 0, + "video_id": "14729" + }, + { + "bbox": [ + 92, + 6, + 461, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/date-courtship.mp4", + "variation_id": 0, + "video_id": "14732" + } + ] + }, + { + "gloss": "december", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 677, + "frame_start": 631, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15017" + }, + { + "bbox": [ + 72, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 78, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/399466.mp4", + "variation_id": 0, + "video_id": "15018" + }, + { + "bbox": [ + 247, + 13, + 806, + 715 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20December.mp4", + "variation_id": 0, + "video_id": "15019" + }, + { + "bbox": [ + 78, + 21, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466907257.1272.mp4", + "variation_id": 0, + "video_id": "15020" + }, + { + "bbox": [ + 48, + 12, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/december.mp4", + "variation_id": 0, + "video_id": "15021" + }, + { + "bbox": [ + 87, + 17, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7096.mp4", + "variation_id": 0, + "video_id": "15022" + }, + { + "bbox": [ + 276, + 21, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=HjoK5so1uiY", + "variation_id": 0, + "video_id": "15023" + }, + { + "bbox": [ + 188, + 56, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/december2.mp4", + "variation_id": 0, + "video_id": "15025" + } + ] + }, + { + "gloss": "decrease", + "instances": [ + { + "bbox": [ + 68, + 22, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=SYgjCBtyolY", + "variation_id": 0, + "video_id": "15118" + }, + { + "bbox": [ + 92, + 14, + 225, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 66, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/decrease.mov", + "variation_id": 0, + "video_id": "15110" + }, + { + "bbox": [ + 245, + 46, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/decrease.mp4", + "variation_id": 0, + "video_id": "15120" + }, + { + "bbox": [ + 63, + 15, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/65956.mp4", + "variation_id": 0, + "video_id": "15111" + }, + { + "bbox": [ + 622, + 30, + 1753, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Decrease-3fQ8X_TCp4w.mp4", + "variation_id": 0, + "video_id": "15112" + }, + { + "bbox": [ + 37, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/decrease2.mp4", + "variation_id": 0, + "video_id": "15114" + }, + { + "bbox": [ + 106, + 5, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/decrease.mp4", + "variation_id": 0, + "video_id": "15115" + }, + { + "bbox": [ + 60, + 9, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9577.mp4", + "variation_id": 0, + "video_id": "15116" + } + ] + }, + { + "gloss": "deduct", + "instances": [ + { + "bbox": [ + 66, + 14, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/154541.mp4", + "variation_id": 0, + "video_id": "15139" + }, + { + "bbox": [ + 640, + 87, + 1778, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deduct--KXvzUXRyj0.mp4", + "variation_id": 0, + "video_id": "15140" + }, + { + "bbox": [ + 579, + 58, + 1558, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Subtract%2C%20Deduct-jX7H4DoDQdo.mp4", + "variation_id": 0, + "video_id": "15141" + }, + { + "bbox": [ + 131, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897674.5577.mp4", + "variation_id": 0, + "video_id": "15142" + }, + { + "bbox": [ + 38, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/deduct2.mp4", + "variation_id": 0, + "video_id": "15143" + }, + { + "bbox": [ + 45, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/deduct.mp4", + "variation_id": 0, + "video_id": "15144" + }, + { + "bbox": [ + 71, + 14, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6468.mp4", + "variation_id": 0, + "video_id": "15145" + }, + { + "bbox": [ + 217, + 47, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/deduct.mp4", + "variation_id": 0, + "video_id": "15146" + } + ] + }, + { + "gloss": "defeat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 964, + "frame_start": 928, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15182" + }, + { + "bbox": [ + 57, + 4, + 482, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/d/defeat-all.mp4", + "variation_id": 0, + "video_id": "15190" + }, + { + "bbox": [ + 86, + 3, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/defeat-hir.mp4", + "variation_id": 0, + "video_id": "15192" + }, + { + "bbox": [ + 84, + 14, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91337.mp4", + "variation_id": 0, + "video_id": "15185" + }, + { + "bbox": [ + 67, + 16, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6780.mp4", + "variation_id": 0, + "video_id": "15196" + }, + { + "bbox": [ + 20, + 19, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/defeat.swf", + "variation_id": 0, + "video_id": "15197" + }, + { + "bbox": [ + 251, + 47, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/defeat.mp4", + "variation_id": 0, + "video_id": "15199" + }, + { + "bbox": [ + 399, + 63, + 1542, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Beat-2kCZBnvnXvg.mp4", + "variation_id": 0, + "video_id": "15187" + } + ] + }, + { + "gloss": "deposit", + "instances": [ + { + "bbox": [ + 31, + 3, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244340.mp4", + "variation_id": 0, + "video_id": "15631" + }, + { + "bbox": [ + 676, + 79, + 1615, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tape%2C%20Deposit-O_vG7MMoSLE.mp4", + "variation_id": 0, + "video_id": "15632" + }, + { + "bbox": [ + 128, + 18, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908150.3077.mp4", + "variation_id": 0, + "video_id": "15633" + }, + { + "bbox": [ + 48, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/deposit.mp4", + "variation_id": 0, + "video_id": "15634" + }, + { + "bbox": [ + 66, + 11, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9941.mp4", + "variation_id": 0, + "video_id": "15635" + }, + { + "bbox": [ + 83, + 15, + 429, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=MI5O36P8wLE", + "variation_id": 0, + "video_id": "15636" + }, + { + "bbox": [ + 5, + 7, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/deposit.swf", + "variation_id": 0, + "video_id": "15637" + }, + { + "bbox": [ + 181, + 63, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/deposit.mp4", + "variation_id": 0, + "video_id": "15638" + } + ] + }, + { + "gloss": "depressed", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1724, + "frame_start": 1625, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15647" + }, + { + "bbox": [ + 147, + 21, + 515, + 480 + ], + "fps": 25, + "frame_end": 2096, + "frame_start": 1978, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70111" + }, + { + "bbox": [ + 162, + 13, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 102, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEPRESSED-1248.mp4", + "variation_id": 0, + "video_id": "65466" + }, + { + "bbox": [ + 418, + 54, + 830, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/depressed.mp4", + "variation_id": 0, + "video_id": "15648" + }, + { + "bbox": [ + 590, + 131, + 1550, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Devastated-9G7Jh2SJkb8.mp4", + "variation_id": 0, + "video_id": "15649" + }, + { + "bbox": [ + 74, + 28, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466908225.8103.mp4", + "variation_id": 0, + "video_id": "15650" + }, + { + "bbox": [ + 82, + 27, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/depressed.mp4", + "variation_id": 0, + "video_id": "15651" + }, + { + "bbox": [ + 66, + 9, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14580.mp4", + "variation_id": 0, + "video_id": "15652" + } + ] + }, + { + "gloss": "detach", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2136, + "frame_start": 2094, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15840" + }, + { + "bbox": [ + 41, + 15, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58606.mp4", + "variation_id": 0, + "video_id": "15844" + }, + { + "bbox": [ + 79, + 13, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467770740.1482.mp4", + "variation_id": 0, + "video_id": "15845" + }, + { + "bbox": [ + 104, + 0, + 545, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/detachable.mp4", + "variation_id": 0, + "video_id": "15846" + }, + { + "bbox": [ + 77, + 3, + 472, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/detachment.mp4", + "variation_id": 0, + "video_id": "15847" + }, + { + "bbox": [ + 147, + 9, + 535, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/detach.mp4", + "variation_id": 0, + "video_id": "15848" + }, + { + "bbox": [ + 80, + 8, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14499.mp4", + "variation_id": 0, + "video_id": "15849" + }, + { + "bbox": [ + 189, + 55, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/detach.mp4", + "variation_id": 0, + "video_id": "15850" + } + ] + }, + { + "gloss": "determine", + "instances": [ + { + "bbox": [ + 43, + 16, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96208.mp4", + "variation_id": 0, + "video_id": "15899" + }, + { + "bbox": [ + 124, + 18, + 613, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466909021.4675.mp4", + "variation_id": 0, + "video_id": "15900" + }, + { + "bbox": [ + 137, + 6, + 517, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/determine-decide.mp4", + "variation_id": 0, + "video_id": "15901" + }, + { + "bbox": [ + 108, + 5, + 516, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/determine-fix.mp4", + "variation_id": 0, + "video_id": "15902" + }, + { + "bbox": [ + 53, + 15, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9203.mp4", + "variation_id": 0, + "video_id": "15904" + }, + { + "bbox": [ + 285, + 29, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=r8gvnE0liOg", + "variation_id": 0, + "video_id": "15905" + }, + { + "bbox": [ + 0, + 14, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/determine.swf", + "variation_id": 0, + "video_id": "15906" + }, + { + "bbox": [ + 170, + 61, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/determine.mp4", + "variation_id": 0, + "video_id": "15907" + } + ] + }, + { + "gloss": "diabetes", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2352, + "frame_start": 2280, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16001" + }, + { + "bbox": [ + 63, + 10, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/158145.mp4", + "variation_id": 0, + "video_id": "16002" + }, + { + "bbox": [ + 732, + 50, + 1609, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sugar%2C%20Diabetes-d65br6hli5M.mp4", + "variation_id": 0, + "video_id": "16004" + }, + { + "bbox": [ + 134, + 31, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909328.2025.mp4", + "variation_id": 0, + "video_id": "16005" + }, + { + "bbox": [ + 114, + 0, + 455, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/diabetes.mp4", + "variation_id": 0, + "video_id": "16006" + }, + { + "bbox": [ + 77, + 11, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9305.mp4", + "variation_id": 0, + "video_id": "16007" + }, + { + "bbox": [ + 0, + 17, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/diabetes.swf", + "variation_id": 0, + "video_id": "16008" + }, + { + "bbox": [ + 202, + 61, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/diabetes.mp4", + "variation_id": 0, + "video_id": "16009" + } + ] + }, + { + "gloss": "dime", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2822, + "frame_start": 2763, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16267" + }, + { + "bbox": [ + 59, + 35, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93299.mp4", + "variation_id": 0, + "video_id": "16268" + }, + { + "bbox": [ + 530, + 96, + 1054, + 707 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Dime.mp4", + "variation_id": 0, + "video_id": "16269" + }, + { + "bbox": [ + 123, + 26, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909884.1779.mp4", + "variation_id": 0, + "video_id": "16270" + }, + { + "bbox": [ + 37, + 22, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dime.mp4", + "variation_id": 0, + "video_id": "16271" + }, + { + "bbox": [ + 46, + 8, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14390.mp4", + "variation_id": 0, + "video_id": "16272" + }, + { + "bbox": [ + 21, + 21, + 199, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dime.swf", + "variation_id": 0, + "video_id": "16273" + }, + { + "bbox": [ + 180, + 56, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dime.mp4", + "variation_id": 0, + "video_id": "16274" + } + ] + }, + { + "gloss": "dirt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3112, + "frame_start": 3073, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16392" + }, + { + "bbox": [ + 106, + 20, + 480, + 480 + ], + "fps": 25, + "frame_end": 4067, + "frame_start": 3962, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=Z25ng9maolE", + "variation_id": 0, + "video_id": "70374" + }, + { + "bbox": [ + 72, + 0, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456731.mp4", + "variation_id": 0, + "video_id": "16394" + }, + { + "bbox": [ + 350, + 14, + 806, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20dirty%202-F9CzOjI2MPo.mp4", + "variation_id": 0, + "video_id": "16396" + }, + { + "bbox": [ + 55, + 11, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14236.mp4", + "variation_id": 0, + "video_id": "16397" + }, + { + "bbox": [ + 65, + 10, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8860.mp4", + "variation_id": 0, + "video_id": "16398" + }, + { + "bbox": [ + 0, + 4, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dirt.swf", + "variation_id": 0, + "video_id": "16399" + }, + { + "bbox": [ + 223, + 49, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dirty.mp4", + "variation_id": 0, + "video_id": "16400" + } + ] + }, + { + "gloss": "disgust", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3438, + "frame_start": 3372, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16634" + }, + { + "bbox": [ + 49, + 16, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 75, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96238.mp4", + "variation_id": 0, + "video_id": "16640" + }, + { + "bbox": [ + 795, + 70, + 1612, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grossed%20Out-E9NRP1nCaKA.mp4", + "variation_id": 0, + "video_id": "16641" + }, + { + "bbox": [ + 738, + 46, + 1542, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Repulsed-oPk51j1g3NI.mp4", + "variation_id": 0, + "video_id": "16642" + }, + { + "bbox": [ + 54, + 12, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467771007.624.mp4", + "variation_id": 0, + "video_id": "16643" + }, + { + "bbox": [ + 60, + 20, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22407.mp4", + "variation_id": 0, + "video_id": "16644" + }, + { + "bbox": [ + 1, + 15, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/disgust.swf", + "variation_id": 0, + "video_id": "16645" + }, + { + "bbox": [ + 184, + 64, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/disgust.mp4", + "variation_id": 0, + "video_id": "16646" + } + ] + }, + { + "gloss": "dismiss", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3475, + "frame_start": 3439, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16699" + }, + { + "bbox": [ + 31, + 20, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96243.mp4", + "variation_id": 0, + "video_id": "16703" + }, + { + "bbox": [ + 339, + 46, + 1676, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Excused%2C%20Dismiss-U59S2U_woUE.mp4", + "variation_id": 0, + "video_id": "16704" + }, + { + "bbox": [ + 56, + 16, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dismiss-excuse.mp4", + "variation_id": 0, + "video_id": "16705" + }, + { + "bbox": [ + 35, + 1, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dismiss-letgo.mp4", + "variation_id": 0, + "video_id": "16706" + }, + { + "bbox": [ + 59, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6253.mp4", + "variation_id": 0, + "video_id": "16707" + }, + { + "bbox": [ + 0, + 20, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dismiss.swf", + "variation_id": 0, + "video_id": "16708" + }, + { + "bbox": [ + 185, + 62, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dismiss.mp4", + "variation_id": 0, + "video_id": "16709" + } + ] + }, + { + "gloss": "dizzy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3819, + "frame_start": 3713, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16980" + }, + { + "bbox": [ + 163, + 16, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DIZZY-1264.mp4", + "variation_id": 0, + "video_id": "65501" + }, + { + "bbox": [ + 432, + 57, + 814, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dizzy.mp4", + "variation_id": 0, + "video_id": "16982" + }, + { + "bbox": [ + 75, + 9, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467772105.3620.mp4", + "variation_id": 0, + "video_id": "16984" + }, + { + "bbox": [ + 68, + 10, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dizzy.mp4", + "variation_id": 0, + "video_id": "16985" + }, + { + "bbox": [ + 59, + 19, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/0/565.mp4", + "variation_id": 0, + "video_id": "16986" + }, + { + "bbox": [ + 298, + 57, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=68igHxkWBfw", + "variation_id": 0, + "video_id": "16987" + }, + { + "bbox": [ + 0, + 11, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dizzy.swf", + "variation_id": 0, + "video_id": "16988" + } + ] + }, + { + "gloss": "document", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3932, + "frame_start": 3870, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17031" + }, + { + "bbox": [ + 172, + 17, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DOCUMENT-1265.mp4", + "variation_id": 0, + "video_id": "65505" + }, + { + "bbox": [ + 79, + 35, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93312.mp4", + "variation_id": 0, + "video_id": "17036" + }, + { + "bbox": [ + 540, + 53, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Document%2C%20Record%2C%20Write%20It%20Down-wu0iDkKWgJo.mp4", + "variation_id": 0, + "video_id": "17037" + }, + { + "bbox": [ + 80, + 7, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467772578.1422.mp4", + "variation_id": 0, + "video_id": "17038" + }, + { + "bbox": [ + 112, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468723544.417.mp4", + "variation_id": 0, + "video_id": "17039" + }, + { + "bbox": [ + 75, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5899.mp4", + "variation_id": 0, + "video_id": "17041" + }, + { + "bbox": [ + 183, + 62, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/document.mp4", + "variation_id": 0, + "video_id": "17042" + } + ] + }, + { + "gloss": "dorm", + "instances": [ + { + "bbox": [ + 71, + 37, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93319.mp4", + "variation_id": 0, + "video_id": "17352" + }, + { + "bbox": [ + 204, + 17, + 518, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 36, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dorm.mp4", + "variation_id": 0, + "video_id": "17353" + }, + { + "bbox": [ + 493, + 48, + 1586, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dorm-DfTqikhbs8Q.mp4", + "variation_id": 0, + "video_id": "17354" + }, + { + "bbox": [ + 45, + 11, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773261.8614.mp4", + "variation_id": 0, + "video_id": "17355" + }, + { + "bbox": [ + 53, + 10, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8691.mp4", + "variation_id": 0, + "video_id": "17356" + }, + { + "bbox": [ + 318, + 31, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=0Jv0eD-mEfM", + "variation_id": 0, + "video_id": "17357" + }, + { + "bbox": [ + 11, + 13, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dorm.swf", + "variation_id": 0, + "video_id": "17358" + }, + { + "bbox": [ + 238, + 43, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dorm.mp4", + "variation_id": 0, + "video_id": "17359" + } + ] + }, + { + "gloss": "dormitory", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4249, + "frame_start": 4190, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17360" + }, + { + "bbox": [ + 167, + 15, + 496, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DO/DORMITORY-1273.mp4", + "variation_id": 0, + "video_id": "65522" + }, + { + "bbox": [ + 151, + 19, + 421, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FF2EFMe5poA", + "variation_id": 0, + "video_id": "67584" + }, + { + "bbox": [ + 52, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58419.mp4", + "variation_id": 0, + "video_id": "17361" + }, + { + "bbox": [ + 45, + 11, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773261.8614.mp4", + "variation_id": 0, + "video_id": "17362" + }, + { + "bbox": [ + 192, + 5, + 532, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/d/dormitory.mp4", + "variation_id": 0, + "video_id": "17363" + }, + { + "bbox": [ + 53, + 10, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8691.mp4", + "variation_id": 0, + "video_id": "17364" + }, + { + "bbox": [ + 238, + 43, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dorm.mp4", + "variation_id": 0, + "video_id": "17365" + } + ] + }, + { + "gloss": "downstairs", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4459, + "frame_start": 4393, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17455" + }, + { + "bbox": [ + 580, + 34, + 1613, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Downstairs-YgDV4Tgy_IE.mp4", + "variation_id": 0, + "video_id": "17456" + }, + { + "bbox": [ + 685, + 79, + 1530, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Downstairs-Z_7gJJ00WxA.mp4", + "variation_id": 0, + "video_id": "17457" + }, + { + "bbox": [ + 31, + 2, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467773438.6786.mp4", + "variation_id": 0, + "video_id": "17458" + }, + { + "bbox": [ + 61, + 14, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/downstairs.mp4", + "variation_id": 0, + "video_id": "17459" + }, + { + "bbox": [ + 47, + 12, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23996.mp4", + "variation_id": 0, + "video_id": "17460" + }, + { + "bbox": [ + 253, + 89, + 846, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=hzhEejwHpoo", + "variation_id": 0, + "video_id": "17461" + }, + { + "bbox": [ + 230, + 33, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TFtn8OyCGj4", + "variation_id": 0, + "video_id": "17462" + } + ] + }, + { + "gloss": "economy", + "instances": [ + { + "bbox": [ + 96, + 9, + 243, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/economy.mov", + "variation_id": 0, + "video_id": "18370" + }, + { + "bbox": [ + 81, + 20, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/89586.mp4", + "variation_id": 0, + "video_id": "18371" + }, + { + "bbox": [ + 92, + 17, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468347852.7488.mp4", + "variation_id": 0, + "video_id": "18372" + }, + { + "bbox": [ + 78, + 7, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/economy.mp4", + "variation_id": 0, + "video_id": "18373" + }, + { + "bbox": [ + 66, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1477.mp4", + "variation_id": 0, + "video_id": "18374" + }, + { + "bbox": [ + 334, + 47, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=MOdpmPBfI0M", + "variation_id": 0, + "video_id": "18375" + }, + { + "bbox": [ + 30, + 20, + 202, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/economy.swf", + "variation_id": 0, + "video_id": "18376" + }, + { + "bbox": [ + 193, + 54, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/economy.mp4", + "variation_id": 0, + "video_id": "18377" + } + ] + }, + { + "gloss": "education", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 775, + "frame_start": 729, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18424" + }, + { + "bbox": [ + 154, + 29, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ED/EDUCATION-1292.mp4", + "variation_id": 0, + "video_id": "65606" + }, + { + "bbox": [ + 26, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 53, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51571.mp4", + "variation_id": 0, + "video_id": "18426" + }, + { + "bbox": [ + 64, + 12, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468348231.6747.mp4", + "variation_id": 0, + "video_id": "18427" + }, + { + "bbox": [ + 64, + 6, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5852.mp4", + "variation_id": 0, + "video_id": "18429" + }, + { + "bbox": [ + 346, + 36, + 1050, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=2bvXUBQuPPA", + "variation_id": 0, + "video_id": "18430" + }, + { + "bbox": [ + 325, + 26, + 994, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SxP4S_KFKF4", + "variation_id": 0, + "video_id": "18431" + }, + { + "bbox": [ + 171, + 52, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/education.mp4", + "variation_id": 0, + "video_id": "18432" + } + ] + }, + { + "gloss": "effort", + "instances": [ + { + "bbox": [ + 94, + 4, + 257, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/effort.mov", + "variation_id": 0, + "video_id": "18474" + }, + { + "bbox": [ + 71, + 19, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466646373.1029.mp4", + "variation_id": 0, + "video_id": "18476" + }, + { + "bbox": [ + 29, + 10, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/effort-labor.mp4", + "variation_id": 0, + "video_id": "18477" + }, + { + "bbox": [ + 30, + 6, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/effort-try.mp4", + "variation_id": 0, + "video_id": "18478" + }, + { + "bbox": [ + 42, + 10, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9728.mp4", + "variation_id": 0, + "video_id": "18479" + }, + { + "bbox": [ + 130, + 11, + 496, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=DAzFt7BsXPM", + "variation_id": 0, + "video_id": "18480" + }, + { + "bbox": [ + 0, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/effort.swf", + "variation_id": 0, + "video_id": "18481" + }, + { + "bbox": [ + 176, + 54, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/effort.mp4", + "variation_id": 0, + "video_id": "18482" + } + ] + }, + { + "gloss": "eighteen", + "instances": [ + { + "bbox": [ + 177, + 36, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EI/EIGHTEEN-2512.mp4", + "variation_id": 0, + "video_id": "65614" + }, + { + "bbox": [ + 51, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 1, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/357184.mp4", + "variation_id": 0, + "video_id": "18550" + }, + { + "bbox": [ + 33, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/eighteen.mp4", + "variation_id": 0, + "video_id": "18551" + }, + { + "bbox": [ + 77, + 19, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11018.mp4", + "variation_id": 0, + "video_id": "18552" + }, + { + "bbox": [ + 88, + 18, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24074.mp4", + "variation_id": 0, + "video_id": "18554" + }, + { + "bbox": [ + 82, + 17, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24078.mp4", + "variation_id": 0, + "video_id": "18555" + }, + { + "bbox": [ + 0, + 18, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/eighteen.swf", + "variation_id": 0, + "video_id": "18556" + }, + { + "bbox": [ + 178, + 53, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eighteen.mp4", + "variation_id": 0, + "video_id": "18557" + } + ] + }, + { + "gloss": "engage", + "instances": [ + { + "bbox": [ + 158, + 29, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EN/ENGAGE-1309.mp4", + "variation_id": 0, + "video_id": "65633" + }, + { + "bbox": [ + 50, + 0, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456890.mp4", + "variation_id": 0, + "video_id": "19183" + }, + { + "bbox": [ + 413, + 38, + 1087, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Engaged.mp4", + "variation_id": 0, + "video_id": "19184" + }, + { + "bbox": [ + 61, + 0, + 601, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376233.8360.mp4", + "variation_id": 0, + "video_id": "19185" + }, + { + "bbox": [ + 112, + 25, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546573380.9594.mp4", + "variation_id": 0, + "video_id": "19186" + }, + { + "bbox": [ + 50, + 17, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/engage-marry.mp4", + "variation_id": 0, + "video_id": "19187" + }, + { + "bbox": [ + 323, + 33, + 1049, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0VDj46cNBfI", + "variation_id": 0, + "video_id": "19188" + }, + { + "bbox": [ + 0, + 11, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/engage.swf", + "variation_id": 0, + "video_id": "19189" + } + ] + }, + { + "gloss": "engagement", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1622, + "frame_start": 1556, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19190" + }, + { + "bbox": [ + 91, + 6, + 381, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Sby0gj8kSPQ", + "variation_id": 0, + "video_id": "67622" + }, + { + "bbox": [ + 87, + 17, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22119.mp4", + "variation_id": 0, + "video_id": "19192" + }, + { + "bbox": [ + 87, + 22, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22120.mp4", + "variation_id": 0, + "video_id": "19193" + }, + { + "bbox": [ + 89, + 24, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22122.mp4", + "variation_id": 0, + "video_id": "19194" + }, + { + "bbox": [ + 24, + 23, + 470, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=CDP5hEbk-sQ", + "variation_id": 0, + "video_id": "19195" + }, + { + "bbox": [ + 12, + 0, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/e/engagement.swf", + "variation_id": 0, + "video_id": "19196" + }, + { + "bbox": [ + 142, + 70, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/engaged.mp4", + "variation_id": 0, + "video_id": "19197" + } + ] + }, + { + "gloss": "engineer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1738, + "frame_start": 1676, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19199" + }, + { + "bbox": [ + 101, + 15, + 402, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/b8VLZOUOFME", + "variation_id": 0, + "video_id": "67623" + }, + { + "bbox": [ + 21, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456892.mp4", + "variation_id": 0, + "video_id": "19200" + }, + { + "bbox": [ + 95, + 13, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376297.3281.mp4", + "variation_id": 0, + "video_id": "19202" + }, + { + "bbox": [ + 65, + 19, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23195.mp4", + "variation_id": 0, + "video_id": "19203" + }, + { + "bbox": [ + 75, + 23, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23384.mp4", + "variation_id": 0, + "video_id": "19204" + }, + { + "bbox": [ + 19, + 5, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/engineer.swf", + "variation_id": 0, + "video_id": "19206" + }, + { + "bbox": [ + 184, + 54, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/engineer.mp4", + "variation_id": 0, + "video_id": "19207" + } + ] + }, + { + "gloss": "envelope", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2021, + "frame_start": 1969, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19392" + }, + { + "bbox": [ + 67, + 18, + 415, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/v2A3qbwbhVk", + "variation_id": 0, + "video_id": "67627" + }, + { + "bbox": [ + 46, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456908.mp4", + "variation_id": 0, + "video_id": "19393" + }, + { + "bbox": [ + 379, + 58, + 859, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/envelope.mp4", + "variation_id": 0, + "video_id": "19394" + }, + { + "bbox": [ + 62, + 5, + 610, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376707.110.mp4", + "variation_id": 0, + "video_id": "19395" + }, + { + "bbox": [ + 194, + 15, + 586, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/envelope.mp4", + "variation_id": 0, + "video_id": "19396" + }, + { + "bbox": [ + 42, + 7, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1499.mp4", + "variation_id": 0, + "video_id": "19397" + }, + { + "bbox": [ + 302, + 36, + 1031, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LEMPRc6nhVM", + "variation_id": 0, + "video_id": "19398" + } + ] + }, + { + "gloss": "erase", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2188, + "frame_start": 2122, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19502" + }, + { + "bbox": [ + 165, + 32, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ER/ERASE-1317.mp4", + "variation_id": 0, + "video_id": "65641" + }, + { + "bbox": [ + 54, + 0, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456915.mp4", + "variation_id": 0, + "video_id": "19504" + }, + { + "bbox": [ + 407, + 52, + 1064, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Erase.mp4", + "variation_id": 0, + "video_id": "19505" + }, + { + "bbox": [ + 81, + 16, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376932.9773.mp4", + "variation_id": 0, + "video_id": "19506" + }, + { + "bbox": [ + 26, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/erase.mp4", + "variation_id": 0, + "video_id": "19508" + }, + { + "bbox": [ + 62, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1507.mp4", + "variation_id": 0, + "video_id": "19509" + }, + { + "bbox": [ + 0, + 8, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/erase.swf", + "variation_id": 0, + "video_id": "19510" + } + ] + }, + { + "gloss": "eternity", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2331, + "frame_start": 2259, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19653" + }, + { + "bbox": [ + 62, + 13, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91383.mp4", + "variation_id": 0, + "video_id": "19654" + }, + { + "bbox": [ + 656, + 45, + 1694, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Eternity-lV8oSoW95vY.mp4", + "variation_id": 0, + "video_id": "19655" + }, + { + "bbox": [ + 78, + 15, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468377379.4355.mp4", + "variation_id": 0, + "video_id": "19656" + }, + { + "bbox": [ + 74, + 1, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14869.mp4", + "variation_id": 0, + "video_id": "19657" + }, + { + "bbox": [ + 229, + 49, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=rgcVVI28f_o", + "variation_id": 0, + "video_id": "19658" + }, + { + "bbox": [ + 0, + 16, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/eternity.swf", + "variation_id": 0, + "video_id": "19659" + }, + { + "bbox": [ + 230, + 42, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eternal.mp4", + "variation_id": 0, + "video_id": "19660" + } + ] + }, + { + "gloss": "evening", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2491, + "frame_start": 2452, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19739" + }, + { + "bbox": [ + 55, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455234.mp4", + "variation_id": 0, + "video_id": "19742" + }, + { + "bbox": [ + 93, + 21, + 368, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/0rL7A-5Ocfo", + "variation_id": 0, + "video_id": "67632" + }, + { + "bbox": [ + 130, + 13, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468377549.1617.mp4", + "variation_id": 0, + "video_id": "19743" + }, + { + "bbox": [ + 58, + 11, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/evening.mp4", + "variation_id": 0, + "video_id": "19744" + }, + { + "bbox": [ + 73, + 15, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7109.mp4", + "variation_id": 0, + "video_id": "19746" + }, + { + "bbox": [ + 403, + 49, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=0PGjWldONlY", + "variation_id": 0, + "video_id": "19747" + }, + { + "bbox": [ + 197, + 58, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/evening.mp4", + "variation_id": 0, + "video_id": "19748" + } + ] + }, + { + "gloss": "everyday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2719, + "frame_start": 2653, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19812" + }, + { + "bbox": [ + 88, + 4, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468377836.5622.mp4", + "variation_id": 0, + "video_id": "19816" + }, + { + "bbox": [ + 59, + 5, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/every-day.mp4", + "variation_id": 0, + "video_id": "19817" + }, + { + "bbox": [ + 152, + 21, + 474, + 480 + ], + "fps": 25, + "frame_end": 5278, + "frame_start": 5165, + "instance_id": 3, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70040" + }, + { + "bbox": [ + 220, + 39, + 993, + 720 + ], + "fps": 25, + "frame_end": 114, + "frame_start": 1, + "instance_id": 4, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=YPeDtBRE0Mg", + "variation_id": 0, + "video_id": "69070" + }, + { + "bbox": [ + 180, + 55, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/everyday.mp4", + "variation_id": 0, + "video_id": "19820" + }, + { + "bbox": [ + 67, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455238.mp4", + "variation_id": 0, + "video_id": "19813" + }, + { + "bbox": [ + 71, + 7, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5855.mp4", + "variation_id": 0, + "video_id": "19818" + } + ] + }, + { + "gloss": "expand", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3199, + "frame_start": 3160, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20310" + }, + { + "bbox": [ + 0, + 22, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/e/expand.swf", + "variation_id": 0, + "video_id": "20321" + }, + { + "bbox": [ + 174, + 53, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/expand.mp4", + "variation_id": 0, + "video_id": "20322" + }, + { + "bbox": [ + 61, + 36, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92971.mp4", + "variation_id": 0, + "video_id": "20313" + }, + { + "bbox": [ + 520, + 43, + 1636, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Expand-PnZ1d37DcZE.mp4", + "variation_id": 0, + "video_id": "20315" + }, + { + "bbox": [ + 14, + 21, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/e/expand.mp4", + "variation_id": 0, + "video_id": "20317" + }, + { + "bbox": [ + 66, + 22, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22261.mp4", + "variation_id": 0, + "video_id": "20318" + }, + { + "bbox": [ + 213, + 41, + 1054, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kgyKw_bgwSw", + "variation_id": 0, + "video_id": "20320" + } + ] + }, + { + "gloss": "eye", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3623, + "frame_start": 3587, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20601" + }, + { + "bbox": [ + 329, + 43, + 878, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/eye.mp4", + "variation_id": 0, + "video_id": "69314" + }, + { + "bbox": [ + 173, + 18, + 471, + 368 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EY/EYE-449.mp4", + "variation_id": 0, + "video_id": "65665" + }, + { + "bbox": [ + 56, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455611.mp4", + "variation_id": 0, + "video_id": "20632" + }, + { + "bbox": [ + 451, + 47, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Eye-qY--O7IbEjA.mp4", + "variation_id": 0, + "video_id": "20633" + }, + { + "bbox": [ + 71, + 15, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9827.mp4", + "variation_id": 0, + "video_id": "20634" + }, + { + "bbox": [ + 59, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/eye.swf", + "variation_id": 0, + "video_id": "20635" + }, + { + "bbox": [ + 180, + 56, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eye.mp4", + "variation_id": 0, + "video_id": "20636" + } + ] + }, + { + "gloss": "eyes", + "instances": [ + { + "bbox": [ + 172, + 30, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EY/EYES-1374.mp4", + "variation_id": 0, + "video_id": "65667" + }, + { + "bbox": [ + 458, + 49, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Eyes-fyxFTWEqv2Q.mp4", + "variation_id": 0, + "video_id": "20661" + }, + { + "bbox": [ + 121, + 16, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/d-mVTEWQ-08", + "variation_id": 0, + "video_id": "67639" + }, + { + "bbox": [ + 103, + 13, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468379894.1352.mp4", + "variation_id": 0, + "video_id": "20662" + }, + { + "bbox": [ + 42, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/eyes.mp4", + "variation_id": 0, + "video_id": "20664" + }, + { + "bbox": [ + 86, + 19, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22191.mp4", + "variation_id": 0, + "video_id": "20665" + }, + { + "bbox": [ + 148, + 39, + 405, + 341 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hEXsuq-1Za8", + "variation_id": 0, + "video_id": "20666" + }, + { + "bbox": [ + 187, + 56, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/eyes.mp4", + "variation_id": 0, + "video_id": "20667" + } + ] + }, + { + "gloss": "fake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 263, + "frame_start": 221, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20860" + }, + { + "bbox": [ + 69, + 13, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8920.mp4", + "variation_id": 0, + "video_id": "20868" + }, + { + "bbox": [ + 69, + 13, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8920.mp4", + "variation_id": 0, + "video_id": "20869" + }, + { + "bbox": [ + 168, + 19, + 449, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FA/FAKE-732.mp4", + "variation_id": 0, + "video_id": "65674" + }, + { + "bbox": [ + 17, + 5, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fake.swf", + "variation_id": 0, + "video_id": "20871" + }, + { + "bbox": [ + 221, + 35, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/fake.mp4", + "variation_id": 0, + "video_id": "20872" + }, + { + "bbox": [ + 81, + 33, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92990.mp4", + "variation_id": 0, + "video_id": "20861" + }, + { + "bbox": [ + 565, + 56, + 1754, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fake%2C%20False-ogNUNChfJE4.mp4", + "variation_id": 0, + "video_id": "20862" + } + ] + }, + { + "gloss": "farmer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 592, + "frame_start": 520, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21085" + }, + { + "bbox": [ + 54, + 7, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/63640.mp4", + "variation_id": 0, + "video_id": "21086" + }, + { + "bbox": [ + 43, + 6, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463385.1482.mp4", + "variation_id": 0, + "video_id": "21087" + }, + { + "bbox": [ + 119, + 7, + 477, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/farmer.mp4", + "variation_id": 0, + "video_id": "21088" + }, + { + "bbox": [ + 59, + 14, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8952.mp4", + "variation_id": 0, + "video_id": "21089" + }, + { + "bbox": [ + 320, + 25, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=bZ7XMX9GV4M", + "variation_id": 0, + "video_id": "21090" + }, + { + "bbox": [ + 15, + 2, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/f/farmer.swf", + "variation_id": 0, + "video_id": "21091" + }, + { + "bbox": [ + 195, + 37, + 480, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/farmer.mp4", + "variation_id": 0, + "video_id": "21092" + } + ] + }, + { + "gloss": "february", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 882, + "frame_start": 813, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21355" + }, + { + "bbox": [ + 71, + 21, + 377, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/3kqvOzNeU2w", + "variation_id": 0, + "video_id": "67651" + }, + { + "bbox": [ + 40, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455637.mp4", + "variation_id": 0, + "video_id": "21356" + }, + { + "bbox": [ + 105, + 11, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468463917.6770.mp4", + "variation_id": 0, + "video_id": "21358" + }, + { + "bbox": [ + 44, + 13, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/february.mp4", + "variation_id": 0, + "video_id": "21359" + }, + { + "bbox": [ + 84, + 14, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7085.mp4", + "variation_id": 0, + "video_id": "21360" + }, + { + "bbox": [ + 288, + 17, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zsq3nUNOWpY", + "variation_id": 0, + "video_id": "21361" + }, + { + "bbox": [ + 219, + 35, + 472, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/february.mp4", + "variation_id": 0, + "video_id": "21363" + } + ] + }, + { + "gloss": "federal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 935, + "frame_start": 883, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21368" + }, + { + "bbox": [ + 39, + 37, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93003.mp4", + "variation_id": 0, + "video_id": "21370" + }, + { + "bbox": [ + 528, + 18, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Federal-o8KJXM7MwTY.mp4", + "variation_id": 0, + "video_id": "21371" + }, + { + "bbox": [ + 5, + 8, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/federal.mp4", + "variation_id": 0, + "video_id": "21372" + }, + { + "bbox": [ + 48, + 0, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8713.mp4", + "variation_id": 0, + "video_id": "21373" + }, + { + "bbox": [ + 261, + 24, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=62oEAbCAX9E", + "variation_id": 0, + "video_id": "21374" + }, + { + "bbox": [ + 4, + 12, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/federal.swf", + "variation_id": 0, + "video_id": "21375" + }, + { + "bbox": [ + 182, + 36, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/federal.mp4", + "variation_id": 0, + "video_id": "21376" + } + ] + }, + { + "gloss": "final", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1318, + "frame_start": 1276, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21816" + }, + { + "bbox": [ + 31, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455661.mp4", + "variation_id": 0, + "video_id": "21820" + }, + { + "bbox": [ + 553, + 64, + 1679, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Last%2C%20Final-ZrL9QA06fZs.mp4", + "variation_id": 0, + "video_id": "21821" + }, + { + "bbox": [ + 75, + 2, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468494188.341.mp4", + "variation_id": 0, + "video_id": "21822" + }, + { + "bbox": [ + 57, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/final-last.mp4", + "variation_id": 0, + "video_id": "21823" + }, + { + "bbox": [ + 74, + 7, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6063.mp4", + "variation_id": 0, + "video_id": "21824" + }, + { + "bbox": [ + 3, + 10, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/final.swf", + "variation_id": 0, + "video_id": "21825" + }, + { + "bbox": [ + 168, + 56, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/last.mp4", + "variation_id": 0, + "video_id": "21826" + } + ] + }, + { + "gloss": "florida", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2047, + "frame_start": 2009, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22509" + }, + { + "bbox": [ + 38, + 1, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455508.mp4", + "variation_id": 0, + "video_id": "22510" + }, + { + "bbox": [ + 892, + 59, + 1721, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Florida-sXM8QeBTErY.mp4", + "variation_id": 0, + "video_id": "22511" + }, + { + "bbox": [ + 138, + 70, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546573628.455.mp4", + "variation_id": 0, + "video_id": "22512" + }, + { + "bbox": [ + 54, + 14, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/florida.mp4", + "variation_id": 0, + "video_id": "22513" + }, + { + "bbox": [ + 69, + 9, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9436.mp4", + "variation_id": 0, + "video_id": "22514" + }, + { + "bbox": [ + 38, + 15, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/florida_1.swf", + "variation_id": 0, + "video_id": "22515" + }, + { + "bbox": [ + 24, + 14, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/florida_2.swf", + "variation_id": 0, + "video_id": "22516" + } + ] + }, + { + "gloss": "flute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2157, + "frame_start": 2105, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22609" + }, + { + "bbox": [ + 184, + 29, + 548, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FL/FLUTE-1485.mp4", + "variation_id": 0, + "video_id": "65747" + }, + { + "bbox": [ + 67, + 36, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93038.mp4", + "variation_id": 0, + "video_id": "22610" + }, + { + "bbox": [ + 555, + 66, + 1572, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Flute-5z8GeiFIgjI.mp4", + "variation_id": 0, + "video_id": "22611" + }, + { + "bbox": [ + 5, + 13, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468512994.9973.mp4", + "variation_id": 0, + "video_id": "22612" + }, + { + "bbox": [ + 86, + 16, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/f/flute.mp4", + "variation_id": 0, + "video_id": "22613" + }, + { + "bbox": [ + 60, + 19, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23148.mp4", + "variation_id": 0, + "video_id": "22614" + }, + { + "bbox": [ + 186, + 48, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/flute.mp4", + "variation_id": 0, + "video_id": "22615" + } + ] + }, + { + "gloss": "forbid", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2471, + "frame_start": 2435, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22840" + }, + { + "bbox": [ + 157, + 11, + 523, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FORBID-602.mp4", + "variation_id": 0, + "video_id": "65757" + }, + { + "bbox": [ + 51, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456355.mp4", + "variation_id": 0, + "video_id": "22844" + }, + { + "bbox": [ + 88, + 20, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/3gmdk1iEH70", + "variation_id": 0, + "video_id": "67676" + }, + { + "bbox": [ + 62, + 11, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/forbid.mp4", + "variation_id": 0, + "video_id": "22845" + }, + { + "bbox": [ + 53, + 23, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22256.mp4", + "variation_id": 0, + "video_id": "22846" + }, + { + "bbox": [ + 1, + 16, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/forbid.swf", + "variation_id": 0, + "video_id": "22847" + }, + { + "bbox": [ + 161, + 53, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/illegal.mp4", + "variation_id": 0, + "video_id": "22848" + } + ] + }, + { + "gloss": "forever", + "instances": [ + { + "bbox": [ + 172, + 26, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOREVER-1493.mp4", + "variation_id": 0, + "video_id": "65760" + }, + { + "bbox": [ + 23, + 0, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456356.mp4", + "variation_id": 0, + "video_id": "22926" + }, + { + "bbox": [ + 83, + 20, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/P-zG44T73rA", + "variation_id": 0, + "video_id": "67679" + }, + { + "bbox": [ + 714, + 112, + 1543, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Endless-NXLVXfHZjSI.mp4", + "variation_id": 0, + "video_id": "22927" + }, + { + "bbox": [ + 660, + 15, + 1716, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Forever%2C%20Infinity%202-nYdDwgGLr7U.mp4", + "variation_id": 0, + "video_id": "22928" + }, + { + "bbox": [ + 671, + 56, + 1724, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Forever%2C%20Infinity-hbJ300P8L8M.mp4", + "variation_id": 0, + "video_id": "22929" + }, + { + "bbox": [ + 55, + 8, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513427.9657.mp4", + "variation_id": 0, + "video_id": "22930" + }, + { + "bbox": [ + 14, + 0, + 317, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/forever.mp4", + "variation_id": 0, + "video_id": "22931" + } + ] + }, + { + "gloss": "fourth", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2779, + "frame_start": 2723, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23237" + }, + { + "bbox": [ + 168, + 31, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOURTH-1499.mp4", + "variation_id": 0, + "video_id": "65774" + }, + { + "bbox": [ + 41, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456361.mp4", + "variation_id": 0, + "video_id": "23239" + }, + { + "bbox": [ + 160, + 24, + 633, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546368154.3302.mp4", + "variation_id": 0, + "video_id": "23240" + }, + { + "bbox": [ + 52, + 10, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fourth-ordinal.mp4", + "variation_id": 0, + "video_id": "23241" + }, + { + "bbox": [ + 90, + 16, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8420.mp4", + "variation_id": 0, + "video_id": "23243" + }, + { + "bbox": [ + 328, + 31, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1cTHsO46Y-8", + "variation_id": 0, + "video_id": "23245" + }, + { + "bbox": [ + 174, + 50, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/fourth.mp4", + "variation_id": 0, + "video_id": "23246" + } + ] + }, + { + "gloss": "free", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2938, + "frame_start": 2879, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23395" + }, + { + "bbox": [ + 121, + 8, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=_OvXfc8_Ffo", + "variation_id": 0, + "video_id": "23414" + }, + { + "bbox": [ + 0, + 22, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/free.swf", + "variation_id": 0, + "video_id": "23415" + }, + { + "bbox": [ + 156, + 19, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FREE-681.mp4", + "variation_id": 0, + "video_id": "65778" + }, + { + "bbox": [ + 172, + 50, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/free.mp4", + "variation_id": 0, + "video_id": "23416" + }, + { + "bbox": [ + 340, + 49, + 1884, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Free-UuapWToGDCk.mp4", + "variation_id": 0, + "video_id": "23407" + }, + { + "bbox": [ + 83, + 0, + 533, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/free-stuff.mp4", + "variation_id": 0, + "video_id": "23411" + }, + { + "bbox": [ + 68, + 10, + 247, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8278.mp4", + "variation_id": 0, + "video_id": "23412" + } + ] + }, + { + "gloss": "french fries", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3035, + "frame_start": 2986, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23469" + }, + { + "bbox": [ + 591, + 60, + 1736, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 27, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20French%20Fries-_o80xe-3OgI.mp4", + "variation_id": 0, + "video_id": "23470" + }, + { + "bbox": [ + 176, + 27, + 440, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FR/FRENCH-FRIES-2357.mp4", + "variation_id": 0, + "video_id": "65780" + }, + { + "bbox": [ + 95, + 11, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514052.9348.mp4", + "variation_id": 0, + "video_id": "23471" + }, + { + "bbox": [ + 102, + 6, + 497, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/french-fries.mp4", + "variation_id": 0, + "video_id": "23472" + }, + { + "bbox": [ + 85, + 20, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22779.mp4", + "variation_id": 0, + "video_id": "23473" + }, + { + "bbox": [ + 78, + 13, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7594.mp4", + "variation_id": 0, + "video_id": "23474" + }, + { + "bbox": [ + 166, + 51, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/french-fries.mp4", + "variation_id": 0, + "video_id": "23475" + } + ] + }, + { + "gloss": "gamble", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 126, + "frame_start": 67, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24013" + }, + { + "bbox": [ + 28, + 38, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93069.mp4", + "variation_id": 0, + "video_id": "24014" + }, + { + "bbox": [ + 319, + 38, + 1584, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gamble%2C%20Shakespeare-A5eWWVY8ISM.mp4", + "variation_id": 0, + "video_id": "24015" + }, + { + "bbox": [ + 732, + 95, + 1788, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gamble%2C%20Shakespeare-dtjsLf_1tqo.mp4", + "variation_id": 0, + "video_id": "24016" + }, + { + "bbox": [ + 41, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gamble.mp4", + "variation_id": 0, + "video_id": "24018" + }, + { + "bbox": [ + 42, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9110.mp4", + "variation_id": 0, + "video_id": "24019" + }, + { + "bbox": [ + 6, + 11, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/gamble.swf", + "variation_id": 0, + "video_id": "24021" + }, + { + "bbox": [ + 104, + 53, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gamble.mp4", + "variation_id": 0, + "video_id": "24022" + } + ] + }, + { + "gloss": "gas", + "instances": [ + { + "bbox": [ + 142, + 20, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GA/GAS-843.mp4", + "variation_id": 0, + "video_id": "65802" + }, + { + "bbox": [ + 168, + 53, + 529, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/gas.mp4", + "variation_id": 0, + "video_id": "24127" + }, + { + "bbox": [ + 62, + 7, + 230, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/gas.mov", + "variation_id": 0, + "video_id": "24119" + }, + { + "bbox": [ + 125, + 20, + 393, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/hZSP_fRyH4s", + "variation_id": 0, + "video_id": "67705" + }, + { + "bbox": [ + 370, + 49, + 797, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/gas.mp4", + "variation_id": 0, + "video_id": "24120" + }, + { + "bbox": [ + 470, + 80, + 1521, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gas-u3-_YUN9eXE.mp4", + "variation_id": 0, + "video_id": "24121" + }, + { + "bbox": [ + 74, + 16, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468515133.715.mp4", + "variation_id": 0, + "video_id": "24122" + }, + { + "bbox": [ + 79, + 27, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23414.mp4", + "variation_id": 0, + "video_id": "24125" + } + ] + }, + { + "gloss": "gasoline", + "instances": [ + { + "bbox": [ + 61, + 3, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/72928.mp4", + "variation_id": 0, + "video_id": "24130" + }, + { + "bbox": [ + 74, + 16, + 587, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468515133.715.mp4", + "variation_id": 0, + "video_id": "24131" + }, + { + "bbox": [ + 8, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gas.mp4", + "variation_id": 0, + "video_id": "24133" + }, + { + "bbox": [ + 89, + 0, + 478, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gasoline.mp4", + "variation_id": 0, + "video_id": "24134" + }, + { + "bbox": [ + 79, + 27, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23414.mp4", + "variation_id": 0, + "video_id": "24136" + }, + { + "bbox": [ + 208, + 4, + 957, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=RzYnyNm-t_4", + "variation_id": 0, + "video_id": "24137" + }, + { + "bbox": [ + 0, + 17, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/gasoline.swf", + "variation_id": 0, + "video_id": "24138" + }, + { + "bbox": [ + 168, + 53, + 529, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gas.mp4", + "variation_id": 0, + "video_id": "24139" + } + ] + }, + { + "gloss": "generation", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 409, + "frame_start": 330, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24267" + }, + { + "bbox": [ + 117, + 37, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GE/GENERATION-1512.mp4", + "variation_id": 0, + "video_id": "65805" + }, + { + "bbox": [ + 71, + 19, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91426.mp4", + "variation_id": 0, + "video_id": "24268" + }, + { + "bbox": [ + 16, + 11, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468515356.978.mp4", + "variation_id": 0, + "video_id": "24269" + }, + { + "bbox": [ + 59, + 0, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/generation.mp4", + "variation_id": 0, + "video_id": "24270" + }, + { + "bbox": [ + 52, + 24, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22313.mp4", + "variation_id": 0, + "video_id": "24271" + }, + { + "bbox": [ + 226, + 40, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Tx4njI_M01I", + "variation_id": 0, + "video_id": "24273" + }, + { + "bbox": [ + 200, + 40, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/generation.mp4", + "variation_id": 0, + "video_id": "24274" + } + ] + }, + { + "gloss": "geography", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 466, + "frame_start": 410, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24328" + }, + { + "bbox": [ + 57, + 12, + 237, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/geography.mov", + "variation_id": 0, + "video_id": "24329" + }, + { + "bbox": [ + 32, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51918.mp4", + "variation_id": 0, + "video_id": "24330" + }, + { + "bbox": [ + 425, + 39, + 1629, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Earth-usRyg0odYTo.mp4", + "variation_id": 0, + "video_id": "24331" + }, + { + "bbox": [ + 119, + 13, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468515494.1947.mp4", + "variation_id": 0, + "video_id": "24332" + }, + { + "bbox": [ + 53, + 26, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22315.mp4", + "variation_id": 0, + "video_id": "24334" + }, + { + "bbox": [ + 52, + 24, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22316.mp4", + "variation_id": 0, + "video_id": "24335" + }, + { + "bbox": [ + 208, + 42, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/geography.mp4", + "variation_id": 0, + "video_id": "24337" + } + ] + }, + { + "gloss": "german", + "instances": [ + { + "bbox": [ + 70, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456439.mp4", + "variation_id": 0, + "video_id": "24367" + }, + { + "bbox": [ + 671, + 116, + 1480, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Germany%202-_lZFr6fn1AE.mp4", + "variation_id": 0, + "video_id": "24368" + }, + { + "bbox": [ + 130, + 19, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468515577.7636.mp4", + "variation_id": 0, + "video_id": "24370" + }, + { + "bbox": [ + 126, + 0, + 547, + 476 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/german.mp4", + "variation_id": 0, + "video_id": "24371" + }, + { + "bbox": [ + 75, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5738.mp4", + "variation_id": 0, + "video_id": "24372" + }, + { + "bbox": [ + 354, + 45, + 989, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=IC2HjLDLMZ4", + "variation_id": 0, + "video_id": "24373" + }, + { + "bbox": [ + 3, + 11, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/german.swf", + "variation_id": 0, + "video_id": "24374" + }, + { + "bbox": [ + 223, + 42, + 473, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/german.mp4", + "variation_id": 0, + "video_id": "24375" + } + ] + }, + { + "gloss": "girlfriend", + "instances": [ + { + "bbox": [ + 54, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456447.mp4", + "variation_id": 0, + "video_id": "24592" + }, + { + "bbox": [ + 50, + 8, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468548994.3095.mp4", + "variation_id": 0, + "video_id": "24596" + }, + { + "bbox": [ + 179, + 63, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/girlfriend.mp4", + "variation_id": 0, + "video_id": "24604" + }, + { + "bbox": [ + 55, + 0, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/girlfriend.mp4", + "variation_id": 0, + "video_id": "24597" + }, + { + "bbox": [ + 215, + 18, + 523, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/girlfriend.mp4", + "variation_id": 0, + "video_id": "24594" + }, + { + "bbox": [ + 72, + 4, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5864.mp4", + "variation_id": 0, + "video_id": "24598" + }, + { + "bbox": [ + 323, + 38, + 982, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4B3VtEF78lM", + "variation_id": 0, + "video_id": "24599" + }, + { + "bbox": [ + 58, + 15, + 454, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IhJmZIn2LKY", + "variation_id": 0, + "video_id": "24601" + } + ] + }, + { + "gloss": "gold", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1113, + "frame_start": 1067, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24978" + }, + { + "bbox": [ + 57, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/g/gold.mp4", + "variation_id": 0, + "video_id": "24995" + }, + { + "bbox": [ + 50, + 11, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7062.mp4", + "variation_id": 0, + "video_id": "24996" + }, + { + "bbox": [ + 335, + 71, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=1QJT9gUN0Vs", + "variation_id": 0, + "video_id": "24997" + }, + { + "bbox": [ + 72, + 41, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93091.mp4", + "variation_id": 0, + "video_id": "24989" + }, + { + "bbox": [ + 73, + 23, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/xnA9DqV1qHE", + "variation_id": 0, + "video_id": "67717" + }, + { + "bbox": [ + 372, + 69, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20California%2C%20Gold-nssRtX90_Ds.mp4", + "variation_id": 0, + "video_id": "24990" + }, + { + "bbox": [ + 801, + 60, + 1722, + 1064 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20California-5Q0SCrk6bb0.mp4", + "variation_id": 0, + "video_id": "24991" + } + ] + }, + { + "gloss": "grandma", + "instances": [ + { + "bbox": [ + 143, + 18, + 610, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/grandma.mp4", + "variation_id": 0, + "video_id": "69349" + }, + { + "bbox": [ + 102, + 13, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468550283.9526.mp4", + "variation_id": 0, + "video_id": "25422" + }, + { + "bbox": [ + 364, + 19, + 912, + 720 + ], + "fps": 25, + "frame_end": 41, + "frame_start": 1, + "instance_id": 2, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=lT43fCILJdg", + "variation_id": 0, + "video_id": "68668" + }, + { + "bbox": [ + 82, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6640.mp4", + "variation_id": 0, + "video_id": "25423" + }, + { + "bbox": [ + 124, + 39, + 399, + 341 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 64, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Jna1YBiRse8", + "variation_id": 0, + "video_id": "25424" + }, + { + "bbox": [ + 324, + 51, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Jna1YBiRse8", + "variation_id": 0, + "video_id": "25425" + }, + { + "bbox": [ + 329, + 43, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=r8yvyGMnrYk", + "variation_id": 0, + "video_id": "25426" + }, + { + "bbox": [ + 168, + 54, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grandma.mp4", + "variation_id": 0, + "video_id": "25427" + } + ] + }, + { + "gloss": "grass", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1825, + "frame_start": 1736, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25503" + }, + { + "bbox": [ + 156, + 54, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/grass.mp4", + "variation_id": 0, + "video_id": "25515" + }, + { + "bbox": [ + 164, + 18, + 452, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRASS-474.mp4", + "variation_id": 0, + "video_id": "65850" + }, + { + "bbox": [ + 61, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 53, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51579.mp4", + "variation_id": 0, + "video_id": "25508" + }, + { + "bbox": [ + 132, + 18, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ADHT3JOZBvg", + "variation_id": 0, + "video_id": "67727" + }, + { + "bbox": [ + 95, + 14, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468550333.6922.mp4", + "variation_id": 0, + "video_id": "25509" + }, + { + "bbox": [ + 93, + 19, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7396.mp4", + "variation_id": 0, + "video_id": "25511" + }, + { + "bbox": [ + 316, + 36, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=o-GOlFqc_aw", + "variation_id": 0, + "video_id": "25513" + } + ] + }, + { + "gloss": "grow up", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2124, + "frame_start": 2075, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25869" + }, + { + "bbox": [ + 17, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468550880.910.mp4", + "variation_id": 0, + "video_id": "25871" + }, + { + "bbox": [ + 88, + 0, + 1210, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=Zf4bqJpGTpI", + "variation_id": 0, + "video_id": "68063" + }, + { + "bbox": [ + 96, + 17, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 94, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GROW-UP-735.mp4", + "variation_id": 0, + "video_id": "65863" + }, + { + "bbox": [ + 61, + 8, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/growup-raise.mp4", + "variation_id": 0, + "video_id": "25873" + }, + { + "bbox": [ + 35, + 2, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9266.mp4", + "variation_id": 0, + "video_id": "25874" + }, + { + "bbox": [ + 223, + 41, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hNj04ToIMkg", + "variation_id": 0, + "video_id": "25875" + }, + { + "bbox": [ + 210, + 42, + 494, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grow-up.mp4", + "variation_id": 0, + "video_id": "25876" + } + ] + }, + { + "gloss": "gun", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2317, + "frame_start": 2288, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "26010" + }, + { + "bbox": [ + 49, + 52, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93110.mp4", + "variation_id": 0, + "video_id": "26012" + }, + { + "bbox": [ + 93, + 19, + 363, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/saih4S5W558", + "variation_id": 0, + "video_id": "67736" + }, + { + "bbox": [ + 88, + 9, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468551210.8493.mp4", + "variation_id": 0, + "video_id": "26013" + }, + { + "bbox": [ + 128, + 5, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gun.mp4", + "variation_id": 0, + "video_id": "26014" + }, + { + "bbox": [ + 78, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6819.mp4", + "variation_id": 0, + "video_id": "26016" + }, + { + "bbox": [ + 39, + 21, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/gun.swf", + "variation_id": 0, + "video_id": "26017" + }, + { + "bbox": [ + 170, + 65, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gun.mp4", + "variation_id": 0, + "video_id": "26018" + } + ] + }, + { + "gloss": "haircut", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 210, + "frame_start": 148, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26135" + }, + { + "bbox": [ + 114, + 0, + 1116, + 720 + ], + "fps": 25, + "frame_end": 107, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=Ym39Hh2FNlI", + "variation_id": 0, + "video_id": "69062" + }, + { + "bbox": [ + 122, + 12, + 372, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/KuwMnCeFfSk", + "variation_id": 0, + "video_id": "67738" + }, + { + "bbox": [ + 36, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/184872.mp4", + "variation_id": 0, + "video_id": "26136" + }, + { + "bbox": [ + 533, + 69, + 1630, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Haircut-70AAOYGFqMc.mp4", + "variation_id": 0, + "video_id": "26139" + }, + { + "bbox": [ + 9, + 33, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/haircut2.mp4", + "variation_id": 0, + "video_id": "26140" + }, + { + "bbox": [ + 4, + 29, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/haircut.mp4", + "variation_id": 0, + "video_id": "26141" + }, + { + "bbox": [ + 59, + 8, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6132.mp4", + "variation_id": 0, + "video_id": "26142" + } + ] + }, + { + "gloss": "hard of hearing", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 627, + "frame_start": 568, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26584" + }, + { + "bbox": [ + 71, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8684.mp4", + "variation_id": 0, + "video_id": "26591" + }, + { + "bbox": [ + 168, + 0, + 1055, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=1Y971ZVqcIg", + "variation_id": 0, + "video_id": "68066" + }, + { + "bbox": [ + 40, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456556.mp4", + "variation_id": 0, + "video_id": "26585" + }, + { + "bbox": [ + 652, + 62, + 1541, + 1064 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hard%20of%20Hearing-DJZWj9XlF5I.mp4", + "variation_id": 0, + "video_id": "26586" + }, + { + "bbox": [ + 398, + 53, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 69, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=vaF2-549kUs", + "variation_id": 0, + "video_id": "26592" + }, + { + "bbox": [ + 88, + 17, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579665.5443.mp4", + "variation_id": 0, + "video_id": "26587" + }, + { + "bbox": [ + 151, + 51, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hard-of-hearing.mp4", + "variation_id": 0, + "video_id": "26593" + } + ] + }, + { + "gloss": "hippopotamus", + "instances": [ + { + "bbox": [ + 693, + 100, + 1406, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hippopotamus-ImzBJ8kQENQ.mp4", + "variation_id": 0, + "video_id": "27534" + }, + { + "bbox": [ + 50, + 15, + 611, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 40, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1488916175.9185.mp4", + "variation_id": 0, + "video_id": "27535" + }, + { + "bbox": [ + 75, + 13, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hippopotamus2.mp4", + "variation_id": 0, + "video_id": "27536" + }, + { + "bbox": [ + 72, + 10, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hippopotamus.mp4", + "variation_id": 0, + "video_id": "27537" + }, + { + "bbox": [ + 297, + 13, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=GZvZV7Hsfkg", + "variation_id": 0, + "video_id": "27539" + }, + { + "bbox": [ + 316, + 19, + 913, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=pcNFwKaZ0XA", + "variation_id": 0, + "video_id": "27540" + }, + { + "bbox": [ + 28, + 8, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hippopotamus.swf", + "variation_id": 0, + "video_id": "27541" + }, + { + "bbox": [ + 185, + 52, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hippopotamus.mp4", + "variation_id": 0, + "video_id": "27542" + } + ] + }, + { + "gloss": "his", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1786, + "frame_start": 1764, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27552" + }, + { + "bbox": [ + 34, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468581179.9488.mp4", + "variation_id": 0, + "video_id": "27553" + }, + { + "bbox": [ + 31, + 0, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/his2.mp4", + "variation_id": 0, + "video_id": "27554" + }, + { + "bbox": [ + 24, + 0, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/his.mp4", + "variation_id": 0, + "video_id": "27555" + }, + { + "bbox": [ + 70, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7201.mp4", + "variation_id": 0, + "video_id": "27556" + }, + { + "bbox": [ + 72, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9155.mp4", + "variation_id": 0, + "video_id": "27557" + }, + { + "bbox": [ + 0, + 15, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/his.swf", + "variation_id": 0, + "video_id": "27558" + }, + { + "bbox": [ + 128, + 54, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/her.mp4", + "variation_id": 0, + "video_id": "27559" + } + ] + }, + { + "gloss": "honey", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2050, + "frame_start": 2004, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27835" + }, + { + "bbox": [ + 272, + 59, + 883, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=DjYJ91_sGck", + "variation_id": 0, + "video_id": "27848" + }, + { + "bbox": [ + 201, + 35, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HO/HONEY-548.mp4", + "variation_id": 0, + "video_id": "65898" + }, + { + "bbox": [ + 181, + 15, + 451, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HO/HONEY-687.mp4", + "variation_id": 0, + "video_id": "65899" + }, + { + "bbox": [ + 0, + 0, + 233, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/honey.swf", + "variation_id": 0, + "video_id": "27849" + }, + { + "bbox": [ + 189, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/honey.mp4", + "variation_id": 0, + "video_id": "27850" + }, + { + "bbox": [ + 312, + 31, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Honey%202-BW6iLCTPYx8.mp4", + "variation_id": 0, + "video_id": "27840" + }, + { + "bbox": [ + 679, + 61, + 1501, + 1056 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Honey-o9OkkF9085Y.mp4", + "variation_id": 0, + "video_id": "27841" + } + ] + }, + { + "gloss": "hurricane", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2715, + "frame_start": 2669, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28412" + }, + { + "bbox": [ + 23, + 47, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93154.mp4", + "variation_id": 0, + "video_id": "28413" + }, + { + "bbox": [ + 649, + 57, + 1813, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hurricane-_3e70rAmSvA.mp4", + "variation_id": 0, + "video_id": "28414" + }, + { + "bbox": [ + 26, + 3, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468639293.8375.mp4", + "variation_id": 0, + "video_id": "28415" + }, + { + "bbox": [ + 54, + 15, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8535.mp4", + "variation_id": 0, + "video_id": "28417" + }, + { + "bbox": [ + 184, + 23, + 1026, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=pDcdYvUgQIE", + "variation_id": 0, + "video_id": "28418" + }, + { + "bbox": [ + 40, + 1, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hurricane.swf", + "variation_id": 0, + "video_id": "28419" + }, + { + "bbox": [ + 163, + 52, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hurricane.mp4", + "variation_id": 0, + "video_id": "28420" + } + ] + }, + { + "gloss": "identify", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 183, + "frame_start": 144, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28673" + }, + { + "bbox": [ + 165, + 23, + 445, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 92, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ID/IDENTIFY-2238.mp4", + "variation_id": 0, + "video_id": "65919" + }, + { + "bbox": [ + 78, + 0, + 306, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/identify.mp4", + "variation_id": 0, + "video_id": "28678" + }, + { + "bbox": [ + 77, + 28, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96596.mp4", + "variation_id": 0, + "video_id": "28675" + }, + { + "bbox": [ + 59, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24039.mp4", + "variation_id": 0, + "video_id": "28680" + }, + { + "bbox": [ + 92, + 16, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24042.mp4", + "variation_id": 0, + "video_id": "28681" + }, + { + "bbox": [ + 3, + 13, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/identify.swf", + "variation_id": 0, + "video_id": "28682" + }, + { + "bbox": [ + 188, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/identify.mp4", + "variation_id": 0, + "video_id": "28683" + } + ] + }, + { + "gloss": "include", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 623, + "frame_start": 584, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29275" + }, + { + "bbox": [ + 62, + 35, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93164.mp4", + "variation_id": 0, + "video_id": "29278" + }, + { + "bbox": [ + 18, + 4, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665939.8928.mp4", + "variation_id": 0, + "video_id": "29279" + }, + { + "bbox": [ + 58, + 13, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/include.mp4", + "variation_id": 0, + "video_id": "29280" + }, + { + "bbox": [ + 79, + 19, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22816.mp4", + "variation_id": 0, + "video_id": "29281" + }, + { + "bbox": [ + 141, + 12, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zvs4g_NE2pc", + "variation_id": 0, + "video_id": "29282" + }, + { + "bbox": [ + 0, + 4, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/include.swf", + "variation_id": 0, + "video_id": "29283" + }, + { + "bbox": [ + 231, + 41, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/include.mp4", + "variation_id": 0, + "video_id": "29284" + } + ] + }, + { + "gloss": "infection", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 949, + "frame_start": 887, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29561" + }, + { + "bbox": [ + 205, + 30, + 527, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INFECTION-1734.mp4", + "variation_id": 0, + "video_id": "65938" + }, + { + "bbox": [ + 74, + 43, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91792.mp4", + "variation_id": 0, + "video_id": "29562" + }, + { + "bbox": [ + 466, + 57, + 1521, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Insurance%2C%20Infection%202-LI0x4ob24uU.mp4", + "variation_id": 0, + "video_id": "29563" + }, + { + "bbox": [ + 523, + 69, + 1537, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Insurance%2C%20Infection-MTAgnBXKKM0.mp4", + "variation_id": 0, + "video_id": "29564" + }, + { + "bbox": [ + 69, + 18, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468666719.58.mp4", + "variation_id": 0, + "video_id": "29565" + }, + { + "bbox": [ + 78, + 15, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24145.mp4", + "variation_id": 0, + "video_id": "29566" + }, + { + "bbox": [ + 347, + 38, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=f9CKzrX8wiA", + "variation_id": 0, + "video_id": "29567" + } + ] + }, + { + "gloss": "innocent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1076, + "frame_start": 1027, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29789" + }, + { + "bbox": [ + 468, + 39, + 1560, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Innocent-QjD8ciVZChw.mp4", + "variation_id": 0, + "video_id": "29791" + }, + { + "bbox": [ + 65, + 16, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468667094.211.mp4", + "variation_id": 0, + "video_id": "29792" + }, + { + "bbox": [ + 71, + 10, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14446.mp4", + "variation_id": 0, + "video_id": "29794" + }, + { + "bbox": [ + 305, + 38, + 1023, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3fGCxCqS36s", + "variation_id": 0, + "video_id": "29795" + }, + { + "bbox": [ + 345, + 30, + 981, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=hRoJygM0Vp4", + "variation_id": 0, + "video_id": "29796" + }, + { + "bbox": [ + 10, + 7, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/innocent.swf", + "variation_id": 0, + "video_id": "29797" + }, + { + "bbox": [ + 166, + 55, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/innocent.mp4", + "variation_id": 0, + "video_id": "29798" + } + ] + }, + { + "gloss": "insect", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1146, + "frame_start": 1077, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29841" + }, + { + "bbox": [ + 84, + 12, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/insect.mov", + "variation_id": 0, + "video_id": "29842" + }, + { + "bbox": [ + 59, + 7, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/73329.mp4", + "variation_id": 0, + "video_id": "29843" + }, + { + "bbox": [ + 760, + 76, + 1568, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Insect-4rxVCC-Pliw.mp4", + "variation_id": 0, + "video_id": "29844" + }, + { + "bbox": [ + 54, + 1, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/insect.mp4", + "variation_id": 0, + "video_id": "29845" + }, + { + "bbox": [ + 85, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7324.mp4", + "variation_id": 0, + "video_id": "29847" + }, + { + "bbox": [ + 24, + 0, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/insect.swf", + "variation_id": 0, + "video_id": "29848" + }, + { + "bbox": [ + 190, + 59, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/insect.mp4", + "variation_id": 0, + "video_id": "29849" + } + ] + }, + { + "gloss": "instead", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1242, + "frame_start": 1190, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29961" + }, + { + "bbox": [ + 175, + 33, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INSTEAD-1730.mp4", + "variation_id": 0, + "video_id": "65945" + }, + { + "bbox": [ + 49, + 40, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/93175.mp4", + "variation_id": 0, + "video_id": "29962" + }, + { + "bbox": [ + 61, + 9, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 22, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1476145325.3850.mp4", + "variation_id": 0, + "video_id": "29963" + }, + { + "bbox": [ + 81, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/instead-of.mp4", + "variation_id": 0, + "video_id": "29964" + }, + { + "bbox": [ + 60, + 17, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1794.mp4", + "variation_id": 0, + "video_id": "29965" + }, + { + "bbox": [ + 0, + 10, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/instead.swf", + "variation_id": 0, + "video_id": "29966" + }, + { + "bbox": [ + 187, + 53, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/instead.mp4", + "variation_id": 0, + "video_id": "29967" + } + ] + }, + { + "gloss": "institute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1285, + "frame_start": 1243, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29976" + }, + { + "bbox": [ + 195, + 31, + 521, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INSTITUTE-1728.mp4", + "variation_id": 0, + "video_id": "65947" + }, + { + "bbox": [ + 85, + 14, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96621.mp4", + "variation_id": 0, + "video_id": "29979" + }, + { + "bbox": [ + 738, + 40, + 1644, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Institute-oKYlK87TTko.mp4", + "variation_id": 0, + "video_id": "29980" + }, + { + "bbox": [ + 161, + 0, + 493, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/institute.mp4", + "variation_id": 0, + "video_id": "29981" + }, + { + "bbox": [ + 80, + 10, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8686.mp4", + "variation_id": 0, + "video_id": "29982" + }, + { + "bbox": [ + 331, + 26, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KF4cHp0Qod0", + "variation_id": 0, + "video_id": "29984" + }, + { + "bbox": [ + 183, + 54, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/institute.mp4", + "variation_id": 0, + "video_id": "29986" + } + ] + }, + { + "gloss": "international", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1402, + "frame_start": 1333, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30215" + }, + { + "bbox": [ + 59, + 8, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468667873.5085.mp4", + "variation_id": 0, + "video_id": "30217" + }, + { + "bbox": [ + 39, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/international.mp4", + "variation_id": 0, + "video_id": "30218" + }, + { + "bbox": [ + 59, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1796.mp4", + "variation_id": 0, + "video_id": "30219" + }, + { + "bbox": [ + 293, + 33, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=EzrPDTQt8Oo", + "variation_id": 0, + "video_id": "30220" + }, + { + "bbox": [ + 321, + 9, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=RL1MyvufQ4w", + "variation_id": 0, + "video_id": "30221" + }, + { + "bbox": [ + 0, + 8, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/international.swf", + "variation_id": 0, + "video_id": "30222" + }, + { + "bbox": [ + 241, + 43, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/international.mp4", + "variation_id": 0, + "video_id": "30223" + } + ] + }, + { + "gloss": "interrupt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1598, + "frame_start": 1556, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30277" + }, + { + "bbox": [ + 57, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/6/6192.mp4", + "variation_id": 0, + "video_id": "30285" + }, + { + "bbox": [ + 335, + 30, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vG-j0DWNBQs", + "variation_id": 0, + "video_id": "30287" + }, + { + "bbox": [ + 2, + 9, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/interrupt.swf", + "variation_id": 0, + "video_id": "30288" + }, + { + "bbox": [ + 238, + 45, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/interrupt.mp4", + "variation_id": 0, + "video_id": "30289" + }, + { + "bbox": [ + 67, + 7, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/110163.mp4", + "variation_id": 0, + "video_id": "30278" + }, + { + "bbox": [ + 84, + 4, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522289167.3396.mp4", + "variation_id": 0, + "video_id": "30281" + }, + { + "bbox": [ + 61, + 14, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6189.mp4", + "variation_id": 0, + "video_id": "30283" + } + ] + }, + { + "gloss": "involve", + "instances": [ + { + "bbox": [ + 204, + 33, + 515, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INVOLVE-1717.mp4", + "variation_id": 0, + "video_id": "65962" + }, + { + "bbox": [ + 65, + 36, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/89809.mp4", + "variation_id": 0, + "video_id": "30522" + }, + { + "bbox": [ + 62, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668374.8511.mp4", + "variation_id": 0, + "video_id": "30523" + }, + { + "bbox": [ + 49, + 13, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/involve.mp4", + "variation_id": 0, + "video_id": "30524" + }, + { + "bbox": [ + 59, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/involve-participate.mp4", + "variation_id": 0, + "video_id": "30525" + }, + { + "bbox": [ + 79, + 19, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22816.mp4", + "variation_id": 0, + "video_id": "30526" + }, + { + "bbox": [ + 0, + 11, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/involve.swf", + "variation_id": 0, + "video_id": "30527" + }, + { + "bbox": [ + 218, + 43, + 489, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/involve.mp4", + "variation_id": 0, + "video_id": "30528" + } + ] + }, + { + "gloss": "jail", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 116, + "frame_start": 74, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "30870" + }, + { + "bbox": [ + 229, + 0, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=uUZuVINkjWI", + "variation_id": 0, + "video_id": "30881" + }, + { + "bbox": [ + 66, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/458052.mp4", + "variation_id": 0, + "video_id": "30873" + }, + { + "bbox": [ + 760, + 70, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jail-XduNBmM4tLo.mp4", + "variation_id": 0, + "video_id": "30875" + }, + { + "bbox": [ + 60, + 10, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668769.3429.mp4", + "variation_id": 0, + "video_id": "30876" + }, + { + "bbox": [ + 62, + 10, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/j/jail.mp4", + "variation_id": 0, + "video_id": "30877" + }, + { + "bbox": [ + 88, + 20, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23926.mp4", + "variation_id": 0, + "video_id": "30878" + }, + { + "bbox": [ + 86, + 20, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23927.mp4", + "variation_id": 0, + "video_id": "30879" + } + ] + }, + { + "gloss": "january", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 176, + "frame_start": 117, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "30917" + }, + { + "bbox": [ + 51, + 5, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468668890.996.mp4", + "variation_id": 0, + "video_id": "30921" + }, + { + "bbox": [ + 22, + 0, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/458055.mp4", + "variation_id": 0, + "video_id": "30919" + }, + { + "bbox": [ + 28, + 12, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/january.mp4", + "variation_id": 0, + "video_id": "30922" + }, + { + "bbox": [ + 358, + 26, + 1217, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20January-sKZsGP1yXxo.mp4", + "variation_id": 0, + "video_id": "30920" + }, + { + "bbox": [ + 76, + 14, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7084.mp4", + "variation_id": 0, + "video_id": "30923" + }, + { + "bbox": [ + 248, + 13, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=OTEAejVqhhU", + "variation_id": 0, + "video_id": "30924" + }, + { + "bbox": [ + 236, + 47, + 495, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/january.mp4", + "variation_id": 0, + "video_id": "30926" + } + ] + }, + { + "gloss": "joke", + "instances": [ + { + "bbox": [ + 106, + 16, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468669533.449.mp4", + "variation_id": 0, + "video_id": "31177" + }, + { + "bbox": [ + 75, + 16, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/j/joke.mp4", + "variation_id": 0, + "video_id": "31179" + }, + { + "bbox": [ + 79, + 21, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23329.mp4", + "variation_id": 0, + "video_id": "31181" + }, + { + "bbox": [ + 73, + 21, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23330.mp4", + "variation_id": 0, + "video_id": "31182" + }, + { + "bbox": [ + 66, + 28, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23331.mp4", + "variation_id": 0, + "video_id": "31183" + }, + { + "bbox": [ + 268, + 29, + 962, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=-1SxWYSJKac", + "variation_id": 0, + "video_id": "31184" + }, + { + "bbox": [ + 29, + 16, + 195, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/joke.swf", + "variation_id": 0, + "video_id": "31185" + }, + { + "bbox": [ + 248, + 54, + 510, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/joke.mp4", + "variation_id": 0, + "video_id": "31186" + } + ] + }, + { + "gloss": "june", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 773, + "frame_start": 711, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31345" + }, + { + "bbox": [ + 42, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51868.mp4", + "variation_id": 0, + "video_id": "31346" + }, + { + "bbox": [ + 317, + 18, + 1212, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20June-AuF6WFMwVkc.mp4", + "variation_id": 0, + "video_id": "31347" + }, + { + "bbox": [ + 50, + 5, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468669856.6813.mp4", + "variation_id": 0, + "video_id": "31348" + }, + { + "bbox": [ + 36, + 13, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/june.mp4", + "variation_id": 0, + "video_id": "31349" + }, + { + "bbox": [ + 78, + 14, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7090.mp4", + "variation_id": 0, + "video_id": "31350" + }, + { + "bbox": [ + 284, + 21, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=whnMQl1NfUQ", + "variation_id": 0, + "video_id": "31351" + }, + { + "bbox": [ + 166, + 65, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/june.mp4", + "variation_id": 0, + "video_id": "31353" + } + ] + }, + { + "gloss": "kangaroo", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 76, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31441" + }, + { + "bbox": [ + 192, + 36, + 513, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KA/KANGAROO-1701.mp4", + "variation_id": 0, + "video_id": "65986" + }, + { + "bbox": [ + 106, + 18, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/VWn-ms10pfM", + "variation_id": 0, + "video_id": "67811" + }, + { + "bbox": [ + 65, + 0, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457452.mp4", + "variation_id": 0, + "video_id": "31442" + }, + { + "bbox": [ + 93, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/kangaroo.mp4", + "variation_id": 0, + "video_id": "31444" + }, + { + "bbox": [ + 71, + 14, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7444.mp4", + "variation_id": 0, + "video_id": "31445" + }, + { + "bbox": [ + 304, + 64, + 903, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=PSM2FDcMJQQ", + "variation_id": 0, + "video_id": "31446" + }, + { + "bbox": [ + 10, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/kangaroo.swf", + "variation_id": 0, + "video_id": "31447" + } + ] + }, + { + "gloss": "karate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 126, + "frame_start": 77, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31456" + }, + { + "bbox": [ + 624, + 80, + 1647, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Karate-yhxOCQhE0go.mp4", + "variation_id": 0, + "video_id": "31457" + }, + { + "bbox": [ + 68, + 8, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670064.6226.mp4", + "variation_id": 0, + "video_id": "31458" + }, + { + "bbox": [ + 55, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/karate.mp4", + "variation_id": 0, + "video_id": "31459" + }, + { + "bbox": [ + 29, + 18, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1854.mp4", + "variation_id": 0, + "video_id": "31460" + }, + { + "bbox": [ + 135, + 24, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=Phe1OUxdIf8", + "variation_id": 0, + "video_id": "31461" + }, + { + "bbox": [ + 14, + 15, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/karate.swf", + "variation_id": 0, + "video_id": "31462" + }, + { + "bbox": [ + 179, + 65, + 652, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/karate.mp4", + "variation_id": 0, + "video_id": "31463" + } + ] + }, + { + "gloss": "kick", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 296, + "frame_start": 260, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31588" + }, + { + "bbox": [ + 149, + 16, + 494, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KI/KICK-161.mp4", + "variation_id": 0, + "video_id": "65990" + }, + { + "bbox": [ + 13, + 2, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457457.mp4", + "variation_id": 0, + "video_id": "31592" + }, + { + "bbox": [ + 52, + 9, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670230.5109.mp4", + "variation_id": 0, + "video_id": "31594" + }, + { + "bbox": [ + 36, + 9, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/kick-foot.mp4", + "variation_id": 0, + "video_id": "31595" + }, + { + "bbox": [ + 54, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6418.mp4", + "variation_id": 0, + "video_id": "31596" + }, + { + "bbox": [ + 0, + 10, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/kick.swf", + "variation_id": 0, + "video_id": "31599" + }, + { + "bbox": [ + 212, + 47, + 522, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/kick.mp4", + "variation_id": 0, + "video_id": "31600" + } + ] + }, + { + "gloss": "kneel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 526, + "frame_start": 480, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31832" + }, + { + "bbox": [ + 45, + 23, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/WxgPXgAblQE", + "variation_id": 0, + "video_id": "67819" + }, + { + "bbox": [ + 5, + 3, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399758.mp4", + "variation_id": 0, + "video_id": "31833" + }, + { + "bbox": [ + 33, + 14, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670764.1981.mp4", + "variation_id": 0, + "video_id": "31834" + }, + { + "bbox": [ + 0, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/kneel.mp4", + "variation_id": 0, + "video_id": "31835" + }, + { + "bbox": [ + 77, + 27, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22932.mp4", + "variation_id": 0, + "video_id": "31836" + }, + { + "bbox": [ + 0, + 7, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/kneel.swf", + "variation_id": 0, + "video_id": "31837" + }, + { + "bbox": [ + 174, + 65, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/kneel.mp4", + "variation_id": 0, + "video_id": "31838" + } + ] + }, + { + "gloss": "knock", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 623, + "frame_start": 577, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31874" + }, + { + "bbox": [ + 181, + 63, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/knock.mp4", + "variation_id": 0, + "video_id": "31886" + }, + { + "bbox": [ + 202, + 32, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KN/KNOCK-1696.mp4", + "variation_id": 0, + "video_id": "66001" + }, + { + "bbox": [ + 107, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/knock2.mp4", + "variation_id": 0, + "video_id": "31880" + }, + { + "bbox": [ + 76, + 18, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1880.mp4", + "variation_id": 0, + "video_id": "31882" + }, + { + "bbox": [ + 314, + 49, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=AalI8nSDH58", + "variation_id": 0, + "video_id": "31883" + }, + { + "bbox": [ + 375, + 50, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ZDcvpZjYqt0", + "variation_id": 0, + "video_id": "31884" + }, + { + "bbox": [ + 14, + 9, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/knock.swf", + "variation_id": 0, + "video_id": "31885" + } + ] + }, + { + "gloss": "laptop", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 187, + "frame_start": 125, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32189" + }, + { + "bbox": [ + 169, + 53, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/laptop.mp4", + "variation_id": 0, + "video_id": "32197" + }, + { + "bbox": [ + 184, + 30, + 498, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 91, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LAPTOP-1691.mp4", + "variation_id": 0, + "video_id": "66009" + }, + { + "bbox": [ + 30, + 24, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/vxoludbwLGU", + "variation_id": 0, + "video_id": "67825" + }, + { + "bbox": [ + 314, + 55, + 841, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/laptop.mp4", + "variation_id": 0, + "video_id": "32191" + }, + { + "bbox": [ + 340, + 39, + 1108, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Laptop-sR0Vcj7biWc.mp4", + "variation_id": 0, + "video_id": "32192" + }, + { + "bbox": [ + 54, + 0, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671317.4335.mp4", + "variation_id": 0, + "video_id": "32193" + }, + { + "bbox": [ + 57, + 9, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14389.mp4", + "variation_id": 0, + "video_id": "32195" + } + ] + }, + { + "gloss": "lift", + "instances": [ + { + "bbox": [ + 348, + 30, + 1054, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/lift.mp4", + "variation_id": 0, + "video_id": "69387" + }, + { + "bbox": [ + 77, + 26, + 585, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LI/LIFT-1649.mp4", + "variation_id": 0, + "video_id": "66068" + }, + { + "bbox": [ + 67, + 0, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457542.mp4", + "variation_id": 0, + "video_id": "33166" + }, + { + "bbox": [ + 144, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711559.1504.mp4", + "variation_id": 0, + "video_id": "33167" + }, + { + "bbox": [ + 72, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lift.mp4", + "variation_id": 0, + "video_id": "33169" + }, + { + "bbox": [ + 79, + 18, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23327.mp4", + "variation_id": 0, + "video_id": "33170" + }, + { + "bbox": [ + 22, + 17, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lift.swf", + "variation_id": 0, + "video_id": "33171" + }, + { + "bbox": [ + 165, + 58, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lift.mp4", + "variation_id": 0, + "video_id": "33172" + } + ] + }, + { + "gloss": "lightning", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1590, + "frame_start": 1541, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33235" + }, + { + "bbox": [ + 105, + 2, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 116, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/lightning.mp4", + "variation_id": 0, + "video_id": "69388" + }, + { + "bbox": [ + 180, + 53, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lightning.mp4", + "variation_id": 0, + "video_id": "33246" + }, + { + "bbox": [ + 60, + 4, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457549.mp4", + "variation_id": 0, + "video_id": "33238" + }, + { + "bbox": [ + 596, + 148, + 1545, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lightning-i-P-bK_JVVw.mp4", + "variation_id": 0, + "video_id": "33240" + }, + { + "bbox": [ + 142, + 0, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468711669.2099.mp4", + "variation_id": 0, + "video_id": "33241" + }, + { + "bbox": [ + 52, + 7, + 256, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14595.mp4", + "variation_id": 0, + "video_id": "33243" + }, + { + "bbox": [ + 293, + 93, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=o7U_zK2T8J4", + "variation_id": 0, + "video_id": "33244" + } + ] + }, + { + "gloss": "lip", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1817, + "frame_start": 1758, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33402" + }, + { + "bbox": [ + 50, + 4, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/246060.mp4", + "variation_id": 0, + "video_id": "33403" + }, + { + "bbox": [ + 143, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712020.7260.mp4", + "variation_id": 0, + "video_id": "33404" + }, + { + "bbox": [ + 170, + 10, + 513, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lip.mp4", + "variation_id": 0, + "video_id": "33405" + }, + { + "bbox": [ + 177, + 9, + 523, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lips.mp4", + "variation_id": 0, + "video_id": "33406" + }, + { + "bbox": [ + 67, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1959.mp4", + "variation_id": 0, + "video_id": "33407" + }, + { + "bbox": [ + 295, + 38, + 919, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uaITrsZigQk", + "variation_id": 0, + "video_id": "33409" + }, + { + "bbox": [ + 235, + 43, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lip.mp4", + "variation_id": 0, + "video_id": "33410" + } + ] + }, + { + "gloss": "lipstick", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1894, + "frame_start": 1818, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33422" + }, + { + "bbox": [ + 104, + 13, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/XQPQ_89cD70", + "variation_id": 0, + "video_id": "67850" + }, + { + "bbox": [ + 54, + 35, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89850.mp4", + "variation_id": 0, + "video_id": "33423" + }, + { + "bbox": [ + 681, + 52, + 1553, + 1062 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lipstick%2C%20Chapstick-HlAXboGg5fc.mp4", + "variation_id": 0, + "video_id": "33424" + }, + { + "bbox": [ + 58, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lipstick.mp4", + "variation_id": 0, + "video_id": "33425" + }, + { + "bbox": [ + 79, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1960.mp4", + "variation_id": 0, + "video_id": "33426" + }, + { + "bbox": [ + 12, + 3, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lipstick_applying.swf", + "variation_id": 0, + "video_id": "33427" + }, + { + "bbox": [ + 242, + 45, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lipstick.mp4", + "variation_id": 0, + "video_id": "33429" + } + ] + }, + { + "gloss": "local", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2247, + "frame_start": 2171, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33650" + }, + { + "bbox": [ + 84, + 15, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/307998.mp4", + "variation_id": 0, + "video_id": "33651" + }, + { + "bbox": [ + 756, + 75, + 1598, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Area-GgSCY1Y_DHs.mp4", + "variation_id": 0, + "video_id": "33652" + }, + { + "bbox": [ + 93, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712358.1327.mp4", + "variation_id": 0, + "video_id": "33653" + }, + { + "bbox": [ + 26, + 10, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/local.mp4", + "variation_id": 0, + "video_id": "33654" + }, + { + "bbox": [ + 128, + 13, + 483, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=JUGHgwSwKkI", + "variation_id": 0, + "video_id": "33656" + }, + { + "bbox": [ + 27, + 17, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/local.swf", + "variation_id": 0, + "video_id": "33657" + }, + { + "bbox": [ + 163, + 51, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/local.mp4", + "variation_id": 0, + "video_id": "33658" + } + ] + }, + { + "gloss": "manage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 397, + "frame_start": 341, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34686" + }, + { + "bbox": [ + 182, + 17, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MA/MANAGE-708.mp4", + "variation_id": 0, + "video_id": "66100" + }, + { + "bbox": [ + 73, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456669.mp4", + "variation_id": 0, + "video_id": "34687" + }, + { + "bbox": [ + 98, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468713584.8718.mp4", + "variation_id": 0, + "video_id": "34688" + }, + { + "bbox": [ + 75, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/manage.mp4", + "variation_id": 0, + "video_id": "34689" + }, + { + "bbox": [ + 71, + 25, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22269.mp4", + "variation_id": 0, + "video_id": "34690" + }, + { + "bbox": [ + 0, + 10, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/manage.swf", + "variation_id": 0, + "video_id": "34691" + }, + { + "bbox": [ + 178, + 55, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/control.mp4", + "variation_id": 0, + "video_id": "34692" + } + ] + }, + { + "gloss": "mature", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 677, + "frame_start": 628, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35188" + }, + { + "bbox": [ + 21, + 19, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/mature.swf", + "variation_id": 0, + "video_id": "35197" + }, + { + "bbox": [ + 196, + 51, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mature.mp4", + "variation_id": 0, + "video_id": "35198" + }, + { + "bbox": [ + 37, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/246006.mp4", + "variation_id": 0, + "video_id": "35189" + }, + { + "bbox": [ + 601, + 59, + 1664, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mature-0EES6sUtXV8.mp4", + "variation_id": 0, + "video_id": "35190" + }, + { + "bbox": [ + 123, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468714214.6293.mp4", + "variation_id": 0, + "video_id": "35191" + }, + { + "bbox": [ + 60, + 11, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mature.mp4", + "variation_id": 0, + "video_id": "35192" + }, + { + "bbox": [ + 312, + 27, + 918, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lBaY0BnQcfA", + "variation_id": 0, + "video_id": "35196" + } + ] + }, + { + "gloss": "member", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1120, + "frame_start": 1078, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35573" + }, + { + "bbox": [ + 83, + 35, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/92864.mp4", + "variation_id": 0, + "video_id": "35574" + }, + { + "bbox": [ + 729, + 58, + 1567, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Member-AAYndYjV2nY.mp4", + "variation_id": 0, + "video_id": "35575" + }, + { + "bbox": [ + 124, + 0, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714811.9113.mp4", + "variation_id": 0, + "video_id": "35576" + }, + { + "bbox": [ + 63, + 8, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/member.mp4", + "variation_id": 0, + "video_id": "35577" + }, + { + "bbox": [ + 65, + 13, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5588.mp4", + "variation_id": 0, + "video_id": "35578" + }, + { + "bbox": [ + 166, + 13, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=D0p4WZk2tSE", + "variation_id": 0, + "video_id": "35579" + }, + { + "bbox": [ + 159, + 52, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/member.mp4", + "variation_id": 0, + "video_id": "35581" + } + ] + }, + { + "gloss": "message", + "instances": [ + { + "bbox": [ + 0, + 9, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/message.swf", + "variation_id": 0, + "video_id": "35769" + }, + { + "bbox": [ + 188, + 62, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/comment.mp4", + "variation_id": 0, + "video_id": "35770" + }, + { + "bbox": [ + 74, + 11, + 227, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/message.mov", + "variation_id": 0, + "video_id": "35761" + }, + { + "bbox": [ + 68, + 44, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89856.mp4", + "variation_id": 0, + "video_id": "35762" + }, + { + "bbox": [ + 112, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714984.9779.mp4", + "variation_id": 0, + "video_id": "35763" + }, + { + "bbox": [ + 59, + 16, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/m/message.mp4", + "variation_id": 0, + "video_id": "35764" + }, + { + "bbox": [ + 76, + 7, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5713.mp4", + "variation_id": 0, + "video_id": "35765" + }, + { + "bbox": [ + 308, + 45, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fcUW7PCNdeQ", + "variation_id": 0, + "video_id": "35768" + } + ] + }, + { + "gloss": "metal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1270, + "frame_start": 1221, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35796" + }, + { + "bbox": [ + 19, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/metal.swf", + "variation_id": 0, + "video_id": "35806" + }, + { + "bbox": [ + 201, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/metal.mp4", + "variation_id": 0, + "video_id": "35807" + }, + { + "bbox": [ + 51, + 4, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244871.mp4", + "variation_id": 0, + "video_id": "35798" + }, + { + "bbox": [ + 91, + 19, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4on3dCR5n7k", + "variation_id": 0, + "video_id": "67888" + }, + { + "bbox": [ + 431, + 58, + 820, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/metal.mp4", + "variation_id": 0, + "video_id": "35799" + }, + { + "bbox": [ + 71, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8576.mp4", + "variation_id": 0, + "video_id": "35804" + }, + { + "bbox": [ + 190, + 0, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ValkUBRbopA", + "variation_id": 0, + "video_id": "35805" + } + ] + }, + { + "gloss": "microphone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1340, + "frame_start": 1271, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35922" + }, + { + "bbox": [ + 63, + 12, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/69416.mp4", + "variation_id": 0, + "video_id": "35923" + }, + { + "bbox": [ + 752, + 81, + 1612, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Microphone-sNDoe7xKeL4.mp4", + "variation_id": 0, + "video_id": "35924" + }, + { + "bbox": [ + 139, + 7, + 590, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546372136.4796.mp4", + "variation_id": 0, + "video_id": "35925" + }, + { + "bbox": [ + 63, + 12, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14055.mp4", + "variation_id": 0, + "video_id": "35928" + }, + { + "bbox": [ + 340, + 19, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=WUlS6zlrtCQ", + "variation_id": 0, + "video_id": "35929" + }, + { + "bbox": [ + 0, + 11, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/microphone.swf", + "variation_id": 0, + "video_id": "35930" + }, + { + "bbox": [ + 166, + 51, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/microphone.mp4", + "variation_id": 0, + "video_id": "35931" + } + ] + }, + { + "gloss": "mix", + "instances": [ + { + "bbox": [ + 180, + 28, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MI/MIX-1601.mp4", + "variation_id": 0, + "video_id": "66133" + }, + { + "bbox": [ + 65, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9714.mp4", + "variation_id": 0, + "video_id": "36460" + }, + { + "bbox": [ + 5, + 20, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mix.swf", + "variation_id": 0, + "video_id": "36461" + }, + { + "bbox": [ + 82, + 6, + 220, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 66, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/mixture.mov", + "variation_id": 0, + "video_id": "36452" + }, + { + "bbox": [ + 208, + 36, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scramble.mp4", + "variation_id": 0, + "video_id": "36462" + }, + { + "bbox": [ + 28, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457018.mp4", + "variation_id": 0, + "video_id": "36453" + }, + { + "bbox": [ + 129, + 38, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520783041.3699.mp4", + "variation_id": 0, + "video_id": "36454" + }, + { + "bbox": [ + 50, + 11, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mix.mp4", + "variation_id": 0, + "video_id": "36455" + } + ] + }, + { + "gloss": "monthly", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1989, + "frame_start": 1917, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36743" + }, + { + "bbox": [ + 76, + 31, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/92901.mp4", + "variation_id": 0, + "video_id": "36744" + }, + { + "bbox": [ + 77, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716455.9060.mp4", + "variation_id": 0, + "video_id": "36745" + }, + { + "bbox": [ + 20, + 11, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/monthly.mp4", + "variation_id": 0, + "video_id": "36746" + }, + { + "bbox": [ + 77, + 11, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7699.mp4", + "variation_id": 0, + "video_id": "36747" + }, + { + "bbox": [ + 244, + 56, + 904, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=4wOJTFRtceA", + "variation_id": 0, + "video_id": "36748" + }, + { + "bbox": [ + 15, + 18, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/monthly.swf", + "variation_id": 0, + "video_id": "36749" + }, + { + "bbox": [ + 171, + 52, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/monthly.mp4", + "variation_id": 0, + "video_id": "36750" + } + ] + }, + { + "gloss": "motor", + "instances": [ + { + "bbox": [ + 341, + 25, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/motor.mp4", + "variation_id": 0, + "video_id": "69403" + }, + { + "bbox": [ + 62, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457043.mp4", + "variation_id": 0, + "video_id": "37003" + }, + { + "bbox": [ + 140, + 23, + 516, + 480 + ], + "fps": 25, + "frame_end": 2667, + "frame_start": 2574, + "instance_id": 2, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70092" + }, + { + "bbox": [ + 137, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716818.6034.mp4", + "variation_id": 0, + "video_id": "37004" + }, + { + "bbox": [ + 49, + 10, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/motor-machine.mp4", + "variation_id": 0, + "video_id": "37005" + }, + { + "bbox": [ + 74, + 22, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22605.mp4", + "variation_id": 0, + "video_id": "37006" + }, + { + "bbox": [ + 0, + 5, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/motor.swf", + "variation_id": 0, + "video_id": "37007" + }, + { + "bbox": [ + 189, + 55, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/engine.mp4", + "variation_id": 0, + "video_id": "37008" + } + ] + }, + { + "gloss": "nation", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 269, + "frame_start": 223, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37669" + }, + { + "bbox": [ + 32, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/110997.mp4", + "variation_id": 0, + "video_id": "37683" + }, + { + "bbox": [ + 679, + 60, + 1717, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nation%2C%20Normal%2C%20Natural-cpu-c_CzD_g.mp4", + "variation_id": 0, + "video_id": "37684" + }, + { + "bbox": [ + 32, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717847.5665.mp4", + "variation_id": 0, + "video_id": "37685" + }, + { + "bbox": [ + 66, + 13, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5599.mp4", + "variation_id": 0, + "video_id": "37687" + }, + { + "bbox": [ + 116, + 7, + 498, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=K7Tmn08PJew", + "variation_id": 0, + "video_id": "37688" + }, + { + "bbox": [ + 1, + 9, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nation.swf", + "variation_id": 0, + "video_id": "37689" + }, + { + "bbox": [ + 228, + 36, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nation.mp4", + "variation_id": 0, + "video_id": "37690" + } + ] + }, + { + "gloss": "network", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 850, + "frame_start": 794, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38042" + }, + { + "bbox": [ + 189, + 29, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NE/NETWORK-1576.mp4", + "variation_id": 0, + "video_id": "66165" + }, + { + "bbox": [ + 66, + 5, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/69419.mp4", + "variation_id": 0, + "video_id": "38043" + }, + { + "bbox": [ + 789, + 63, + 1703, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Network%2C%C2%A0Internet%2C%20Online-PS5pFoAh6UY.mp4", + "variation_id": 0, + "video_id": "38044" + }, + { + "bbox": [ + 127, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718446.6223.mp4", + "variation_id": 0, + "video_id": "38045" + }, + { + "bbox": [ + 79, + 0, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/network.mp4", + "variation_id": 0, + "video_id": "38046" + }, + { + "bbox": [ + 102, + 20, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23287.mp4", + "variation_id": 0, + "video_id": "38047" + }, + { + "bbox": [ + 211, + 59, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/network.mp4", + "variation_id": 0, + "video_id": "38048" + } + ] + }, + { + "gloss": "nickel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1217, + "frame_start": 1165, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38298" + }, + { + "bbox": [ + 69, + 36, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/92955.mp4", + "variation_id": 0, + "video_id": "38299" + }, + { + "bbox": [ + 522, + 95, + 1026, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Nickel.mp4", + "variation_id": 0, + "video_id": "38300" + }, + { + "bbox": [ + 114, + 0, + 494, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719048.3475.mp4", + "variation_id": 0, + "video_id": "38301" + }, + { + "bbox": [ + 51, + 1, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nickel2.mp4", + "variation_id": 0, + "video_id": "38302" + }, + { + "bbox": [ + 49, + 1, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/nickel3.mp4", + "variation_id": 0, + "video_id": "38303" + }, + { + "bbox": [ + 44, + 3, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nickel.mp4", + "variation_id": 0, + "video_id": "38304" + }, + { + "bbox": [ + 53, + 6, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6757.mp4", + "variation_id": 0, + "video_id": "38305" + } + ] + }, + { + "gloss": "nineteen", + "instances": [ + { + "bbox": [ + 165, + 30, + 448, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NI/NINETEEN-1567.mp4", + "variation_id": 0, + "video_id": "66177" + }, + { + "bbox": [ + 145, + 32, + 460, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NI/NINETEEN-1568.mp4", + "variation_id": 0, + "video_id": "66178" + }, + { + "bbox": [ + 53, + 2, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/111068.mp4", + "variation_id": 0, + "video_id": "38396" + }, + { + "bbox": [ + 37, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nineteen.mp4", + "variation_id": 0, + "video_id": "38397" + }, + { + "bbox": [ + 78, + 18, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11019.mp4", + "variation_id": 0, + "video_id": "38398" + }, + { + "bbox": [ + 64, + 18, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24071.mp4", + "variation_id": 0, + "video_id": "38399" + }, + { + "bbox": [ + 85, + 18, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24079.mp4", + "variation_id": 0, + "video_id": "38401" + }, + { + "bbox": [ + 0, + 17, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nineteen.swf", + "variation_id": 0, + "video_id": "38402" + } + ] + }, + { + "gloss": "normal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1530, + "frame_start": 1481, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38642" + }, + { + "bbox": [ + 165, + 29, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NO/NORMAL-1559.mp4", + "variation_id": 0, + "video_id": "66189" + }, + { + "bbox": [ + 44, + 8, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58469.mp4", + "variation_id": 0, + "video_id": "38643" + }, + { + "bbox": [ + 78, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719480.2217.mp4", + "variation_id": 0, + "video_id": "38644" + }, + { + "bbox": [ + 66, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/normal.mp4", + "variation_id": 0, + "video_id": "38645" + }, + { + "bbox": [ + 66, + 13, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5599.mp4", + "variation_id": 0, + "video_id": "38646" + }, + { + "bbox": [ + 4, + 6, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/normal.swf", + "variation_id": 0, + "video_id": "38647" + }, + { + "bbox": [ + 228, + 36, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nation.mp4", + "variation_id": 0, + "video_id": "38648" + } + ] + }, + { + "gloss": "november", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1841, + "frame_start": 1795, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38972" + }, + { + "bbox": [ + 47, + 2, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/49005.mp4", + "variation_id": 0, + "video_id": "38973" + }, + { + "bbox": [ + 190, + 12, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20November.mp4", + "variation_id": 0, + "video_id": "38974" + }, + { + "bbox": [ + 126, + 0, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719969.1248.mp4", + "variation_id": 0, + "video_id": "38975" + }, + { + "bbox": [ + 37, + 12, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/november.mp4", + "variation_id": 0, + "video_id": "38976" + }, + { + "bbox": [ + 88, + 17, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7095.mp4", + "variation_id": 0, + "video_id": "38977" + }, + { + "bbox": [ + 286, + 26, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=G3qlg6yCP3k", + "variation_id": 0, + "video_id": "38978" + }, + { + "bbox": [ + 199, + 60, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/november.mp4", + "variation_id": 0, + "video_id": "38980" + } + ] + }, + { + "gloss": "nut", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2104, + "frame_start": 2012, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "39114" + }, + { + "bbox": [ + 173, + 31, + 447, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NU/NUT-1553.mp4", + "variation_id": 0, + "video_id": "66220" + }, + { + "bbox": [ + 93, + 20, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/X-PVlp5QvLc", + "variation_id": 0, + "video_id": "67941" + }, + { + "bbox": [ + 825, + 81, + 1554, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nut-3EyoOwwqMi4.mp4", + "variation_id": 0, + "video_id": "39115" + }, + { + "bbox": [ + 134, + 0, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468720392.1972.mp4", + "variation_id": 0, + "video_id": "39116" + }, + { + "bbox": [ + 91, + 22, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23004.mp4", + "variation_id": 0, + "video_id": "39118" + }, + { + "bbox": [ + 34, + 21, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 79, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nut.swf", + "variation_id": 0, + "video_id": "39119" + }, + { + "bbox": [ + 203, + 61, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nut.mp4", + "variation_id": 0, + "video_id": "39120" + } + ] + }, + { + "gloss": "octopus", + "instances": [ + { + "bbox": [ + 222, + 0, + 1063, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/octopus.mp4", + "variation_id": 0, + "video_id": "69417" + }, + { + "bbox": [ + 104, + 31, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OC/OCTOPUS-1551.mp4", + "variation_id": 0, + "video_id": "66222" + }, + { + "bbox": [ + 68, + 32, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91528.mp4", + "variation_id": 0, + "video_id": "39369" + }, + { + "bbox": [ + 727, + 136, + 1644, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Octopus-aLy71_KdK-4.mp4", + "variation_id": 0, + "video_id": "39370" + }, + { + "bbox": [ + 25, + 0, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/octopus.mp4", + "variation_id": 0, + "video_id": "39371" + }, + { + "bbox": [ + 280, + 59, + 929, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=1m16_yIwZS4", + "variation_id": 0, + "video_id": "39373" + }, + { + "bbox": [ + 0, + 11, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/octopus.swf", + "variation_id": 0, + "video_id": "39374" + }, + { + "bbox": [ + 176, + 51, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/octopus.mp4", + "variation_id": 0, + "video_id": "39375" + } + ] + }, + { + "gloss": "once", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 817, + "frame_start": 771, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39674" + }, + { + "bbox": [ + 180, + 30, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ON/ONCE-1546.mp4", + "variation_id": 0, + "video_id": "66227" + }, + { + "bbox": [ + 25, + 2, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/245891.mp4", + "variation_id": 0, + "video_id": "39679" + }, + { + "bbox": [ + 76, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721659.6930.mp4", + "variation_id": 0, + "video_id": "39680" + }, + { + "bbox": [ + 55, + 8, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/once.mp4", + "variation_id": 0, + "video_id": "39681" + }, + { + "bbox": [ + 69, + 15, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23887.mp4", + "variation_id": 0, + "video_id": "39682" + }, + { + "bbox": [ + 27, + 24, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/once.swf", + "variation_id": 0, + "video_id": "39685" + }, + { + "bbox": [ + 209, + 50, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/seldom.mp4", + "variation_id": 0, + "video_id": "39686" + } + ] + }, + { + "gloss": "organize", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1283, + "frame_start": 1241, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40226" + }, + { + "bbox": [ + 531, + 23, + 1699, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Organize%2C%20Prepare-HuS7gLYIcqk.mp4", + "variation_id": 0, + "video_id": "40229" + }, + { + "bbox": [ + 81, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722634.7261.mp4", + "variation_id": 0, + "video_id": "40230" + }, + { + "bbox": [ + 117, + 30, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522767141.153.mp4", + "variation_id": 0, + "video_id": "40231" + }, + { + "bbox": [ + 65, + 11, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/organize-plan.mp4", + "variation_id": 0, + "video_id": "40233" + }, + { + "bbox": [ + 51, + 8, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14680.mp4", + "variation_id": 0, + "video_id": "40234" + }, + { + "bbox": [ + 53, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14688.mp4", + "variation_id": 0, + "video_id": "40235" + }, + { + "bbox": [ + 0, + 10, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/organize.swf", + "variation_id": 0, + "video_id": "40236" + } + ] + }, + { + "gloss": "over", + "instances": [ + { + "bbox": [ + 63, + 15, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/307710.mp4", + "variation_id": 0, + "video_id": "40559" + }, + { + "bbox": [ + 17, + 17, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 87, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/o/over.swf", + "variation_id": 0, + "video_id": "40568" + }, + { + "bbox": [ + 169, + 57, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cross.mp4", + "variation_id": 0, + "video_id": "40569" + }, + { + "bbox": [ + 669, + 38, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20End%2C%20Complete%2C%20Over%2C%20Finished-Y8kF63nbYEc.mp4", + "variation_id": 0, + "video_id": "40560" + }, + { + "bbox": [ + 94, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722842.4588.mp4", + "variation_id": 0, + "video_id": "40561" + }, + { + "bbox": [ + 20, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/o/over.mp4", + "variation_id": 0, + "video_id": "40562" + }, + { + "bbox": [ + 69, + 15, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6335.mp4", + "variation_id": 0, + "video_id": "40565" + }, + { + "bbox": [ + 62, + 10, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9396.mp4", + "variation_id": 0, + "video_id": "40566" + } + ] + }, + { + "gloss": "owl", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1703, + "frame_start": 1644, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40658" + }, + { + "bbox": [ + 170, + 31, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OW/OWL-1523.mp4", + "variation_id": 0, + "video_id": "66256" + }, + { + "bbox": [ + 63, + 21, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qjEH5OeRz14", + "variation_id": 0, + "video_id": "67955" + }, + { + "bbox": [ + 29, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49170.mp4", + "variation_id": 0, + "video_id": "40659" + }, + { + "bbox": [ + 570, + 78, + 1686, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Owl-VkmKwhAnHJk.mp4", + "variation_id": 0, + "video_id": "40660" + }, + { + "bbox": [ + 107, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468722972.8289.mp4", + "variation_id": 0, + "video_id": "40661" + }, + { + "bbox": [ + 50, + 17, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/owl.mp4", + "variation_id": 0, + "video_id": "40662" + }, + { + "bbox": [ + 189, + 61, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/owl.mp4", + "variation_id": 0, + "video_id": "40664" + } + ] + }, + { + "gloss": "p", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "40701" + }, + { + "bbox": [ + 203, + 34, + 533, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-P-1662.mp4", + "variation_id": 0, + "video_id": "66054" + }, + { + "bbox": [ + 118, + 26, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811887.8913.mp4", + "variation_id": 0, + "video_id": "42511" + }, + { + "bbox": [ + 85, + 15, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/p-abc.mp4", + "variation_id": 0, + "video_id": "42512" + }, + { + "bbox": [ + 88, + 10, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10015.mp4", + "variation_id": 0, + "video_id": "42513" + }, + { + "bbox": [ + 230, + 45, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=CFmAgNcvOeM", + "variation_id": 0, + "video_id": "42514" + }, + { + "bbox": [ + 0, + 7, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/p/p.swf", + "variation_id": 0, + "video_id": "42515" + }, + { + "bbox": [ + 149, + 52, + 578, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/p.mp4", + "variation_id": 0, + "video_id": "42516" + } + ] + }, + { + "gloss": "parachute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 363, + "frame_start": 297, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41054" + }, + { + "bbox": [ + 84, + 10, + 358, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/f__gUIoqIKI", + "variation_id": 0, + "video_id": "67962" + }, + { + "bbox": [ + 22, + 41, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89892.mp4", + "variation_id": 0, + "video_id": "41055" + }, + { + "bbox": [ + 685, + 47, + 1696, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Parachute-ATvwNytPKXQ.mp4", + "variation_id": 0, + "video_id": "41056" + }, + { + "bbox": [ + 23, + 8, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/parachute.mp4", + "variation_id": 0, + "video_id": "41057" + }, + { + "bbox": [ + 42, + 11, + 258, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2276.mp4", + "variation_id": 0, + "video_id": "41058" + }, + { + "bbox": [ + 8, + 0, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/parachute.swf", + "variation_id": 0, + "video_id": "41059" + }, + { + "bbox": [ + 194, + 36, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/parachute.mp4", + "variation_id": 0, + "video_id": "41060" + } + ] + }, + { + "gloss": "paragraph", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 469, + "frame_start": 427, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41077" + }, + { + "bbox": [ + 65, + 7, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116209.mp4", + "variation_id": 0, + "video_id": "41078" + }, + { + "bbox": [ + 542, + 78, + 1432, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stanza%2C%20Paragraph%2C%20Module-JV3nh38SVks.mp4", + "variation_id": 0, + "video_id": "41079" + }, + { + "bbox": [ + 112, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724194.8390.mp4", + "variation_id": 0, + "video_id": "41080" + }, + { + "bbox": [ + 126, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/paragraph.mp4", + "variation_id": 0, + "video_id": "41081" + }, + { + "bbox": [ + 82, + 21, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22167.mp4", + "variation_id": 0, + "video_id": "41082" + }, + { + "bbox": [ + 0, + 7, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/paragraph.swf", + "variation_id": 0, + "video_id": "41083" + }, + { + "bbox": [ + 188, + 54, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chapter.mp4", + "variation_id": 0, + "video_id": "41084" + } + ] + }, + { + "gloss": "parallel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 516, + "frame_start": 470, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41093" + }, + { + "bbox": [ + 181, + 8, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PARALLEL-872.mp4", + "variation_id": 0, + "video_id": "66263" + }, + { + "bbox": [ + 56, + 9, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116213.mp4", + "variation_id": 0, + "video_id": "41094" + }, + { + "bbox": [ + 614, + 80, + 1437, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Parallel-TNwMY8fHbf8.mp4", + "variation_id": 0, + "video_id": "41095" + }, + { + "bbox": [ + 16, + 13, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/parallel.mp4", + "variation_id": 0, + "video_id": "41096" + }, + { + "bbox": [ + 64, + 4, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14925.mp4", + "variation_id": 0, + "video_id": "41097" + }, + { + "bbox": [ + 11, + 7, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/parallel.swf", + "variation_id": 0, + "video_id": "41098" + }, + { + "bbox": [ + 215, + 35, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/parallel.mp4", + "variation_id": 0, + "video_id": "41099" + } + ] + }, + { + "gloss": "pay attention", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 826, + "frame_start": 790, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41579" + }, + { + "bbox": [ + 96, + 27, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466646442.976.mp4", + "variation_id": 0, + "video_id": "41582" + }, + { + "bbox": [ + 86, + 0, + 1280, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=93HHJfctu8c", + "variation_id": 0, + "video_id": "68128" + }, + { + "bbox": [ + 94, + 9, + 571, + 360 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 1, + "instance_id": 3, + "signer_id": 112, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=rzrvXM7BSsM", + "variation_id": 0, + "video_id": "68872" + }, + { + "bbox": [ + 53, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457701.mp4", + "variation_id": 0, + "video_id": "41580" + }, + { + "bbox": [ + 53, + 18, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/pay-attention.mp4", + "variation_id": 0, + "video_id": "41583" + }, + { + "bbox": [ + 80, + 22, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23073.mp4", + "variation_id": 0, + "video_id": "41584" + }, + { + "bbox": [ + 180, + 55, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pay-attention.mp4", + "variation_id": 0, + "video_id": "41585" + } + ] + }, + { + "gloss": "peace", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 883, + "frame_start": 827, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41643" + }, + { + "bbox": [ + 34, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457706.mp4", + "variation_id": 0, + "video_id": "41653" + }, + { + "bbox": [ + 89, + 13, + 409, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ANrn1AKgEq8", + "variation_id": 0, + "video_id": "67969" + }, + { + "bbox": [ + 66, + 0, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724581.7977.mp4", + "variation_id": 0, + "video_id": "41654" + }, + { + "bbox": [ + 110, + 0, + 543, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/peace.mp4", + "variation_id": 0, + "video_id": "41655" + }, + { + "bbox": [ + 57, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6699.mp4", + "variation_id": 0, + "video_id": "41657" + }, + { + "bbox": [ + 6, + 6, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/peace.swf", + "variation_id": 0, + "video_id": "41658" + }, + { + "bbox": [ + 170, + 53, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/peace.mp4", + "variation_id": 0, + "video_id": "41659" + } + ] + }, + { + "gloss": "peanut butter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1023, + "frame_start": 941, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41692" + }, + { + "bbox": [ + 182, + 9, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PE/PEANUT-BUTTER-880.mp4", + "variation_id": 0, + "video_id": "66272" + }, + { + "bbox": [ + 71, + 14, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116255.mp4", + "variation_id": 0, + "video_id": "41693" + }, + { + "bbox": [ + 143, + 0, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724667.7915.mp4", + "variation_id": 0, + "video_id": "41694" + }, + { + "bbox": [ + 72, + 17, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/peanut-butter.mp4", + "variation_id": 0, + "video_id": "41695" + }, + { + "bbox": [ + 87, + 23, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22547.mp4", + "variation_id": 0, + "video_id": "41696" + }, + { + "bbox": [ + 16, + 3, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/p/peanut_butter.swf", + "variation_id": 0, + "video_id": "41697" + }, + { + "bbox": [ + 176, + 53, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/peanut-butter.mp4", + "variation_id": 0, + "video_id": "41698" + } + ] + }, + { + "gloss": "perfume", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1510, + "frame_start": 1441, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42036" + }, + { + "bbox": [ + 706, + 61, + 1548, + 1059 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Perfume-97-lRdaHDGM.mp4", + "variation_id": 0, + "video_id": "42039" + }, + { + "bbox": [ + 770, + 144, + 1522, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Perfume-qiXoulBsg2U.mp4", + "variation_id": 0, + "video_id": "42040" + }, + { + "bbox": [ + 149, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725144.3127.mp4", + "variation_id": 0, + "video_id": "42041" + }, + { + "bbox": [ + 60, + 9, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/perfume-spray.mp4", + "variation_id": 0, + "video_id": "42043" + }, + { + "bbox": [ + 75, + 0, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14912.mp4", + "variation_id": 0, + "video_id": "42044" + }, + { + "bbox": [ + 75, + 2, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14913.mp4", + "variation_id": 0, + "video_id": "42045" + }, + { + "bbox": [ + 111, + 0, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/FVwcRqB1Io8", + "variation_id": 0, + "video_id": "67978" + } + ] + }, + { + "gloss": "personality", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1653, + "frame_start": 1601, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42213" + }, + { + "bbox": [ + 14, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51609.mp4", + "variation_id": 0, + "video_id": "42214" + }, + { + "bbox": [ + 59, + 19, + 508, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466730618.8628.mp4", + "variation_id": 0, + "video_id": "42215" + }, + { + "bbox": [ + 76, + 7, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/personality.mp4", + "variation_id": 0, + "video_id": "42216" + }, + { + "bbox": [ + 79, + 10, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8710.mp4", + "variation_id": 0, + "video_id": "42217" + }, + { + "bbox": [ + 388, + 56, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=OnRLIFinilU", + "variation_id": 0, + "video_id": "42218" + }, + { + "bbox": [ + 10, + 15, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/personality.swf", + "variation_id": 0, + "video_id": "42219" + }, + { + "bbox": [ + 198, + 57, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/personality.mp4", + "variation_id": 0, + "video_id": "42220" + } + ] + }, + { + "gloss": "pet", + "instances": [ + { + "bbox": [ + 206, + 10, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PE/PET-891.mp4", + "variation_id": 0, + "video_id": "66283" + }, + { + "bbox": [ + 363, + 38, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=qYdMu8jveAU", + "variation_id": 0, + "video_id": "42316" + }, + { + "bbox": [ + 24, + 21, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pet.swf", + "variation_id": 0, + "video_id": "42317" + }, + { + "bbox": [ + 63, + 7, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116285.mp4", + "variation_id": 0, + "video_id": "42308" + }, + { + "bbox": [ + 197, + 58, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pet.mp4", + "variation_id": 0, + "video_id": "42318" + }, + { + "bbox": [ + 398, + 58, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/pet.mp4", + "variation_id": 0, + "video_id": "42309" + }, + { + "bbox": [ + 58, + 5, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pet.mp4", + "variation_id": 0, + "video_id": "42311" + }, + { + "bbox": [ + 74, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7518.mp4", + "variation_id": 0, + "video_id": "42314" + } + ] + }, + { + "gloss": "philadelphia", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1770, + "frame_start": 1724, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42378" + }, + { + "bbox": [ + 135, + 24, + 484, + 480 + ], + "fps": 25, + "frame_end": 3944, + "frame_start": 3833, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70138" + }, + { + "bbox": [ + 211, + 7, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PH/PHILADELPHIA-892.mp4", + "variation_id": 0, + "video_id": "66284" + }, + { + "bbox": [ + 192, + 10, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PH/PHILADELPHIA-893.mp4", + "variation_id": 0, + "video_id": "66285" + }, + { + "bbox": [ + 85, + 1, + 493, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468725418.4438.mp4", + "variation_id": 0, + "video_id": "42379" + }, + { + "bbox": [ + 31, + 15, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/philadelphia.mp4", + "variation_id": 0, + "video_id": "42380" + }, + { + "bbox": [ + 88, + 18, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22136.mp4", + "variation_id": 0, + "video_id": "42381" + }, + { + "bbox": [ + 2, + 8, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/philadelphia.swf", + "variation_id": 0, + "video_id": "42382" + } + ] + }, + { + "gloss": "physician", + "instances": [ + { + "bbox": [ + 67, + 1, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457769.mp4", + "variation_id": 0, + "video_id": "42540" + }, + { + "bbox": [ + 351, + 18, + 756, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 60, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Doctor-zl9aTqYRVXQ.mp4", + "variation_id": 0, + "video_id": "42541" + }, + { + "bbox": [ + 93, + 12, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467772429.4932.mp4", + "variation_id": 0, + "video_id": "42542" + }, + { + "bbox": [ + 94, + 0, + 529, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/physician.mp4", + "variation_id": 0, + "video_id": "42543" + }, + { + "bbox": [ + 93, + 20, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22643.mp4", + "variation_id": 0, + "video_id": "42544" + }, + { + "bbox": [ + 91, + 21, + 201, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22644.mp4", + "variation_id": 0, + "video_id": "42545" + }, + { + "bbox": [ + 296, + 53, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lNpWperuhDI", + "variation_id": 0, + "video_id": "42546" + }, + { + "bbox": [ + 189, + 63, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/doctor.mp4", + "variation_id": 0, + "video_id": "42547" + } + ] + }, + { + "gloss": "piece", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2367, + "frame_start": 2281, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42663" + }, + { + "bbox": [ + 59, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/65758.mp4", + "variation_id": 0, + "video_id": "42664" + }, + { + "bbox": [ + 130, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468726134.2224.mp4", + "variation_id": 0, + "video_id": "42665" + }, + { + "bbox": [ + 72, + 10, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/piece-part.mp4", + "variation_id": 0, + "video_id": "42666" + }, + { + "bbox": [ + 47, + 18, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23931.mp4", + "variation_id": 0, + "video_id": "42667" + }, + { + "bbox": [ + 323, + 34, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=QcdoYs6bLes", + "variation_id": 0, + "video_id": "42668" + }, + { + "bbox": [ + 0, + 9, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/piece.swf", + "variation_id": 0, + "video_id": "42669" + }, + { + "bbox": [ + 209, + 50, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/segment.mp4", + "variation_id": 0, + "video_id": "42670" + } + ] + }, + { + "gloss": "pity", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2673, + "frame_start": 2591, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42938" + }, + { + "bbox": [ + 201, + 56, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/sympathy.mp4", + "variation_id": 0, + "video_id": "42947" + }, + { + "bbox": [ + 101, + 25, + 389, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/G3G-1igC_QM", + "variation_id": 0, + "video_id": "67992" + }, + { + "bbox": [ + 40, + 7, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244857.mp4", + "variation_id": 0, + "video_id": "42939" + }, + { + "bbox": [ + 721, + 28, + 1683, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pity%202h-4lOlOpLqq00.mp4", + "variation_id": 0, + "video_id": "42940" + }, + { + "bbox": [ + 122, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468714947.6569.mp4", + "variation_id": 0, + "video_id": "42942" + }, + { + "bbox": [ + 96, + 20, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23282.mp4", + "variation_id": 0, + "video_id": "42945" + }, + { + "bbox": [ + 0, + 6, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pity.swf", + "variation_id": 0, + "video_id": "42946" + } + ] + }, + { + "gloss": "plant", + "instances": [ + { + "bbox": [ + 86, + 10, + 235, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/plant.mov", + "variation_id": 0, + "video_id": "43078" + }, + { + "bbox": [ + 412, + 64, + 870, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 65, + "source": "nabboud", + "split": "test", + "url": "https://www.youtube.com/watch?v=vUakbqo-1uM", + "variation_id": 0, + "video_id": "43087" + }, + { + "bbox": [ + 25, + 16, + 197, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/plant.swf", + "variation_id": 0, + "video_id": "43089" + }, + { + "bbox": [ + 237, + 41, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grow.mp4", + "variation_id": 0, + "video_id": "43090" + }, + { + "bbox": [ + 423, + 54, + 807, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/plant.mp4", + "variation_id": 0, + "video_id": "43079" + }, + { + "bbox": [ + 159, + 2, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468726500.8864.mp4", + "variation_id": 0, + "video_id": "43081" + }, + { + "bbox": [ + 67, + 18, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/plant.mp4", + "variation_id": 0, + "video_id": "43082" + }, + { + "bbox": [ + 98, + 22, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22295.mp4", + "variation_id": 0, + "video_id": "43083" + } + ] + }, + { + "gloss": "plenty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3062, + "frame_start": 3010, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43253" + }, + { + "bbox": [ + 74, + 10, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116331.mp4", + "variation_id": 0, + "video_id": "43254" + }, + { + "bbox": [ + 177, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754125.9129.mp4", + "variation_id": 0, + "video_id": "43255" + }, + { + "bbox": [ + 83, + 22, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22202.mp4", + "variation_id": 0, + "video_id": "43257" + }, + { + "bbox": [ + 85, + 21, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22203.mp4", + "variation_id": 0, + "video_id": "43258" + }, + { + "bbox": [ + 322, + 47, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=9TnUwUBcYzc", + "variation_id": 0, + "video_id": "43259" + }, + { + "bbox": [ + 0, + 7, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/plenty.swf", + "variation_id": 0, + "video_id": "43260" + }, + { + "bbox": [ + 189, + 52, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/plenty.mp4", + "variation_id": 0, + "video_id": "43261" + } + ] + }, + { + "gloss": "pneumonia", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3185, + "frame_start": 3106, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43364" + }, + { + "bbox": [ + 736, + 39, + 1792, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pneumonia-sc98deYK9g0.mp4", + "variation_id": 0, + "video_id": "43367" + }, + { + "bbox": [ + 698, + 132, + 1855, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pneumonia-yYUwnAb1DGU.mp4", + "variation_id": 0, + "video_id": "43368" + }, + { + "bbox": [ + 102, + 39, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520783429.2372.mp4", + "variation_id": 0, + "video_id": "43369" + }, + { + "bbox": [ + 45, + 0, + 494, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pneumonia.mp4", + "variation_id": 0, + "video_id": "43370" + }, + { + "bbox": [ + 37, + 13, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2391.mp4", + "variation_id": 0, + "video_id": "43371" + }, + { + "bbox": [ + 0, + 5, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pneumonia.swf", + "variation_id": 0, + "video_id": "43372" + }, + { + "bbox": [ + 171, + 52, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pneumonia.mp4", + "variation_id": 0, + "video_id": "43373" + } + ] + }, + { + "gloss": "politics", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3468, + "frame_start": 3409, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43593" + }, + { + "bbox": [ + 308, + 1, + 1387, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 107, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POLITICS-2351.mp4", + "variation_id": 0, + "video_id": "66309" + }, + { + "bbox": [ + 35, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49202.mp4", + "variation_id": 0, + "video_id": "43594" + }, + { + "bbox": [ + 509, + 26, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Politics--jRjqiCwV3c.mp4", + "variation_id": 0, + "video_id": "43595" + }, + { + "bbox": [ + 91, + 0, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754579.1538.mp4", + "variation_id": 0, + "video_id": "43596" + }, + { + "bbox": [ + 46, + 13, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/politics.mp4", + "variation_id": 0, + "video_id": "43597" + }, + { + "bbox": [ + 46, + 1, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8712.mp4", + "variation_id": 0, + "video_id": "43598" + }, + { + "bbox": [ + 160, + 52, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/politics.mp4", + "variation_id": 0, + "video_id": "43599" + } + ] + }, + { + "gloss": "position", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3692, + "frame_start": 3633, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43799" + }, + { + "bbox": [ + 27, + 0, + 305, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 50, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51743.mp4", + "variation_id": 0, + "video_id": "43800" + }, + { + "bbox": [ + 345, + 47, + 1652, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Place%20P-b0TUzWGivIM.mp4", + "variation_id": 0, + "video_id": "43801" + }, + { + "bbox": [ + 142, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754799.137.mp4", + "variation_id": 0, + "video_id": "43802" + }, + { + "bbox": [ + 61, + 11, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/position.mp4", + "variation_id": 0, + "video_id": "43803" + }, + { + "bbox": [ + 297, + 36, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=YLoIhYH24Lk", + "variation_id": 0, + "video_id": "43805" + }, + { + "bbox": [ + 15, + 18, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/position.swf", + "variation_id": 0, + "video_id": "43806" + }, + { + "bbox": [ + 216, + 38, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/place.mp4", + "variation_id": 0, + "video_id": "43807" + } + ] + }, + { + "gloss": "pound", + "instances": [ + { + "bbox": [ + 55, + 7, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116380.mp4", + "variation_id": 0, + "video_id": "43986" + }, + { + "bbox": [ + 23, + 17, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/p/pound.swf", + "variation_id": 0, + "video_id": "43995" + }, + { + "bbox": [ + 228, + 34, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scale.mp4", + "variation_id": 0, + "video_id": "43996" + }, + { + "bbox": [ + 670, + 122, + 1538, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pound%2C%20Weight-JXc1QqQOWeM.mp4", + "variation_id": 0, + "video_id": "43987" + }, + { + "bbox": [ + 168, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755089.3394.mp4", + "variation_id": 0, + "video_id": "43988" + }, + { + "bbox": [ + 112, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468927665.7928.mp4", + "variation_id": 0, + "video_id": "43989" + }, + { + "bbox": [ + 135, + 10, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pound-weight.mp4", + "variation_id": 0, + "video_id": "43992" + }, + { + "bbox": [ + 75, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8105.mp4", + "variation_id": 0, + "video_id": "43994" + } + ] + }, + { + "gloss": "pour", + "instances": [ + { + "bbox": [ + 697, + 96, + 1551, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pitcher%2C%20Pour-b9vXlZgo4xs.mp4", + "variation_id": 0, + "video_id": "43999" + }, + { + "bbox": [ + 61, + 12, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7128.mp4", + "variation_id": 0, + "video_id": "44007" + }, + { + "bbox": [ + 0, + 3, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pour.swf", + "variation_id": 0, + "video_id": "44010" + }, + { + "bbox": [ + 188, + 55, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pour.mp4", + "variation_id": 0, + "video_id": "44011" + }, + { + "bbox": [ + 517, + 75, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pour%203-ybxyFC4PoyU.mp4", + "variation_id": 0, + "video_id": "44000" + }, + { + "bbox": [ + 574, + 81, + 1501, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pour-SJIavnHI8cw.mp4", + "variation_id": 0, + "video_id": "44001" + }, + { + "bbox": [ + 31, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pour-container.mp4", + "variation_id": 0, + "video_id": "44003" + }, + { + "bbox": [ + 21, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pour-pitcher.mp4", + "variation_id": 0, + "video_id": "44004" + } + ] + }, + { + "gloss": "praise", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4153, + "frame_start": 4081, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44096" + }, + { + "bbox": [ + 50, + 2, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244855.mp4", + "variation_id": 0, + "video_id": "44097" + }, + { + "bbox": [ + 88, + 10, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1488900010.8036.mp4", + "variation_id": 0, + "video_id": "44098" + }, + { + "bbox": [ + 108, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/praise.mp4", + "variation_id": 0, + "video_id": "44099" + }, + { + "bbox": [ + 80, + 14, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14450.mp4", + "variation_id": 0, + "video_id": "44100" + }, + { + "bbox": [ + 100, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8299.mp4", + "variation_id": 0, + "video_id": "44101" + }, + { + "bbox": [ + 23, + 19, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/praise.swf", + "variation_id": 0, + "video_id": "44102" + }, + { + "bbox": [ + 187, + 54, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/praise.mp4", + "variation_id": 0, + "video_id": "44103" + } + ] + }, + { + "gloss": "preach", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4280, + "frame_start": 4191, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44137" + }, + { + "bbox": [ + 17, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244852.mp4", + "variation_id": 0, + "video_id": "44147" + }, + { + "bbox": [ + 666, + 81, + 1605, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Preach-T-a0FWBHcrY.mp4", + "variation_id": 0, + "video_id": "44148" + }, + { + "bbox": [ + 98, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765373.1721.mp4", + "variation_id": 0, + "video_id": "44149" + }, + { + "bbox": [ + 83, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/preach.mp4", + "variation_id": 0, + "video_id": "44150" + }, + { + "bbox": [ + 69, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5591.mp4", + "variation_id": 0, + "video_id": "44151" + }, + { + "bbox": [ + 0, + 10, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/preach.swf", + "variation_id": 0, + "video_id": "44152" + }, + { + "bbox": [ + 167, + 52, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sermon.mp4", + "variation_id": 0, + "video_id": "44153" + } + ] + }, + { + "gloss": "preacher", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4347, + "frame_start": 4281, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44140" + }, + { + "bbox": [ + 75, + 20, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/WVpdAlQEbFg", + "variation_id": 0, + "video_id": "67096" + }, + { + "bbox": [ + 162, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755186.3501.mp4", + "variation_id": 0, + "video_id": "44141" + }, + { + "bbox": [ + 54, + 10, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/preacher.mp4", + "variation_id": 0, + "video_id": "44142" + }, + { + "bbox": [ + 62, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5590.mp4", + "variation_id": 0, + "video_id": "44143" + }, + { + "bbox": [ + 325, + 39, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=WYG78SOzDJk", + "variation_id": 0, + "video_id": "44144" + }, + { + "bbox": [ + 11, + 4, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/preacher.swf", + "variation_id": 0, + "video_id": "44145" + }, + { + "bbox": [ + 193, + 37, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pastor.mp4", + "variation_id": 0, + "video_id": "44146" + } + ] + }, + { + "gloss": "prefer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4573, + "frame_start": 4514, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44213" + }, + { + "bbox": [ + 127, + 16, + 514, + 358 + ], + "fps": 25, + "frame_end": 69, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=gnTfs53J4SY", + "variation_id": 0, + "video_id": "68490" + }, + { + "bbox": [ + 193, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755208.8069.mp4", + "variation_id": 0, + "video_id": "44221" + }, + { + "bbox": [ + 68, + 0, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 85, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/prefer.mp4", + "variation_id": 0, + "video_id": "44222" + }, + { + "bbox": [ + 77, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9023.mp4", + "variation_id": 0, + "video_id": "44224" + }, + { + "bbox": [ + 299, + 0, + 924, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zLzdb5vrdds", + "variation_id": 0, + "video_id": "44225" + }, + { + "bbox": [ + 0, + 3, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/prefer.swf", + "variation_id": 0, + "video_id": "44226" + }, + { + "bbox": [ + 193, + 54, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/prefer.mp4", + "variation_id": 0, + "video_id": "44227" + } + ] + }, + { + "gloss": "pressure", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5020, + "frame_start": 4964, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44394" + }, + { + "bbox": [ + 70, + 8, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 43, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/pressure.mov", + "variation_id": 0, + "video_id": "44396" + }, + { + "bbox": [ + 760, + 53, + 1737, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pressure-Waays2zP7hI.mp4", + "variation_id": 0, + "video_id": "44397" + }, + { + "bbox": [ + 150, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755613.4882.mp4", + "variation_id": 0, + "video_id": "44398" + }, + { + "bbox": [ + 21, + 8, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pressure.mp4", + "variation_id": 0, + "video_id": "44399" + }, + { + "bbox": [ + 58, + 8, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14089.mp4", + "variation_id": 0, + "video_id": "44400" + }, + { + "bbox": [ + 288, + 14, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PpuAHXAUXAQ", + "variation_id": 0, + "video_id": "44401" + }, + { + "bbox": [ + 201, + 53, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pressure.mp4", + "variation_id": 0, + "video_id": "44402" + } + ] + }, + { + "gloss": "principal", + "instances": [ + { + "bbox": [ + 206, + 8, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRINCIPAL-932.mp4", + "variation_id": 0, + "video_id": "66331" + }, + { + "bbox": [ + 515, + 111, + 1532, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Principal%2C%20Phillipines-yVkocSHMILU.mp4", + "variation_id": 0, + "video_id": "44538" + }, + { + "bbox": [ + 98, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755959.6840.mp4", + "variation_id": 0, + "video_id": "44539" + }, + { + "bbox": [ + 64, + 11, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/principal-school.mp4", + "variation_id": 0, + "video_id": "44540" + }, + { + "bbox": [ + 57, + 7, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14174.mp4", + "variation_id": 0, + "video_id": "44541" + }, + { + "bbox": [ + 309, + 18, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=CSmwHW4VZPg", + "variation_id": 0, + "video_id": "44542" + }, + { + "bbox": [ + 0, + 7, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/principal.swf", + "variation_id": 0, + "video_id": "44543" + }, + { + "bbox": [ + 181, + 54, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/principal.mp4", + "variation_id": 0, + "video_id": "44544" + } + ] + }, + { + "gloss": "priority", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5536, + "frame_start": 5497, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44582" + }, + { + "bbox": [ + 118, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468756037.2440.mp4", + "variation_id": 0, + "video_id": "44588" + }, + { + "bbox": [ + 8, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/priority.mp4", + "variation_id": 0, + "video_id": "44589" + }, + { + "bbox": [ + 330, + 56, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bZ0QgNRDa_k", + "variation_id": 0, + "video_id": "44592" + }, + { + "bbox": [ + 10, + 4, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/priority.swf", + "variation_id": 0, + "video_id": "44593" + }, + { + "bbox": [ + 521, + 67, + 1678, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Priority%202-dk6Y5yE8JwU.mp4", + "variation_id": 0, + "video_id": "44584" + }, + { + "bbox": [ + 409, + 64, + 1675, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Priority%204-U-_9dSa_fm4.mp4", + "variation_id": 0, + "video_id": "44586" + }, + { + "bbox": [ + 289, + 52, + 1644, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Priority-Y0mrl2vYTtI.mp4", + "variation_id": 0, + "video_id": "44587" + } + ] + }, + { + "gloss": "professional", + "instances": [ + { + "bbox": [ + 50, + 15, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/157982.mp4", + "variation_id": 0, + "video_id": "44776" + }, + { + "bbox": [ + 585, + 42, + 1694, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Professional%202-hv1ZFLyld1g.mp4", + "variation_id": 0, + "video_id": "44777" + }, + { + "bbox": [ + 428, + 49, + 1701, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Professional%203-CTco4MPbMm8.mp4", + "variation_id": 0, + "video_id": "44778" + }, + { + "bbox": [ + 468, + 44, + 1695, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Professional-PDasbtxZs34.mp4", + "variation_id": 0, + "video_id": "44779" + }, + { + "bbox": [ + 73, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756562.1303.mp4", + "variation_id": 0, + "video_id": "44780" + }, + { + "bbox": [ + 64, + 10, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/p/professional.mp4", + "variation_id": 0, + "video_id": "44781" + }, + { + "bbox": [ + 71, + 11, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8817.mp4", + "variation_id": 0, + "video_id": "44782" + }, + { + "bbox": [ + 207, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/professional.mp4", + "variation_id": 0, + "video_id": "44783" + } + ] + }, + { + "gloss": "professor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5879, + "frame_start": 5820, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44789" + }, + { + "bbox": [ + 48, + 6, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116416.mp4", + "variation_id": 0, + "video_id": "44790" + }, + { + "bbox": [ + 81, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943450.3372.mp4", + "variation_id": 0, + "video_id": "44791" + }, + { + "bbox": [ + 43, + 17, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/professor.mp4", + "variation_id": 0, + "video_id": "44792" + }, + { + "bbox": [ + 38, + 10, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6748.mp4", + "variation_id": 0, + "video_id": "44793" + }, + { + "bbox": [ + 61, + 11, + 260, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8205.mp4", + "variation_id": 0, + "video_id": "44794" + }, + { + "bbox": [ + 14, + 2, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/professor.swf", + "variation_id": 0, + "video_id": "44795" + }, + { + "bbox": [ + 181, + 56, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/professor.mp4", + "variation_id": 0, + "video_id": "44796" + } + ] + }, + { + "gloss": "promote", + "instances": [ + { + "bbox": [ + 178, + 0, + 542, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PROMOTE-2051.mp4", + "variation_id": 0, + "video_id": "66340" + }, + { + "bbox": [ + 30, + 33, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91819.mp4", + "variation_id": 0, + "video_id": "44906" + }, + { + "bbox": [ + 66, + 19, + 411, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/G4jTCHpN_ZI", + "variation_id": 0, + "video_id": "67109" + }, + { + "bbox": [ + 119, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756733.4076.mp4", + "variation_id": 0, + "video_id": "44907" + }, + { + "bbox": [ + 41, + 14, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/promote-advance.mp4", + "variation_id": 0, + "video_id": "44908" + }, + { + "bbox": [ + 38, + 12, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23044.mp4", + "variation_id": 0, + "video_id": "44910" + }, + { + "bbox": [ + 278, + 46, + 1004, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pl8AobFWFTs", + "variation_id": 0, + "video_id": "44911" + }, + { + "bbox": [ + 0, + 11, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/promote.swf", + "variation_id": 0, + "video_id": "44912" + } + ] + }, + { + "gloss": "prostitute", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6336, + "frame_start": 6257, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45050" + }, + { + "bbox": [ + 59, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/49217.mp4", + "variation_id": 0, + "video_id": "45051" + }, + { + "bbox": [ + 194, + 0, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756977.8085.mp4", + "variation_id": 0, + "video_id": "45052" + }, + { + "bbox": [ + 37, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/prostitute.mp4", + "variation_id": 0, + "video_id": "45053" + }, + { + "bbox": [ + 83, + 23, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22381.mp4", + "variation_id": 0, + "video_id": "45054" + }, + { + "bbox": [ + 321, + 64, + 875, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=CTc5q0FhGJA", + "variation_id": 0, + "video_id": "45055" + }, + { + "bbox": [ + 11, + 15, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/prostitute.swf", + "variation_id": 0, + "video_id": "45056" + }, + { + "bbox": [ + 178, + 61, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/whore.mp4", + "variation_id": 0, + "video_id": "45057" + } + ] + }, + { + "gloss": "proud", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6412, + "frame_start": 6370, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45089" + }, + { + "bbox": [ + 48, + 0, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/486576.mp4", + "variation_id": 0, + "video_id": "45090" + }, + { + "bbox": [ + 520, + 48, + 1516, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Proud-JUCxqQamDTo.mp4", + "variation_id": 0, + "video_id": "45091" + }, + { + "bbox": [ + 93, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757103.1397.mp4", + "variation_id": 0, + "video_id": "45092" + }, + { + "bbox": [ + 49, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/proud.mp4", + "variation_id": 0, + "video_id": "45093" + }, + { + "bbox": [ + 70, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6059.mp4", + "variation_id": 0, + "video_id": "45094" + }, + { + "bbox": [ + 280, + 35, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=v74BSmAB5Uk", + "variation_id": 0, + "video_id": "45095" + }, + { + "bbox": [ + 196, + 49, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pride.mp4", + "variation_id": 0, + "video_id": "45096" + } + ] + }, + { + "gloss": "quote", + "instances": [ + { + "bbox": [ + 64, + 6, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/quote.mov", + "variation_id": 0, + "video_id": "45819" + }, + { + "bbox": [ + 9, + 5, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/245716.mp4", + "variation_id": 0, + "video_id": "45820" + }, + { + "bbox": [ + 353, + 130, + 1487, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Quote%20Unquote-Lgm5vateXxI.mp4", + "variation_id": 0, + "video_id": "45821" + }, + { + "bbox": [ + 118, + 8, + 658, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546374238.7751.mp4", + "variation_id": 0, + "video_id": "45822" + }, + { + "bbox": [ + 55, + 14, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/quote.mp4", + "variation_id": 0, + "video_id": "45823" + }, + { + "bbox": [ + 43, + 13, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8613.mp4", + "variation_id": 0, + "video_id": "45824" + }, + { + "bbox": [ + 0, + 21, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/q/quote.swf", + "variation_id": 0, + "video_id": "45825" + }, + { + "bbox": [ + 179, + 63, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quote.mp4", + "variation_id": 0, + "video_id": "45826" + } + ] + }, + { + "gloss": "receive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 959, + "frame_start": 913, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46489" + }, + { + "bbox": [ + 45, + 11, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244838.mp4", + "variation_id": 0, + "video_id": "46491" + }, + { + "bbox": [ + 704, + 57, + 1531, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Get%2C%20Receive-9lqMXL5k_Wk.mp4", + "variation_id": 0, + "video_id": "46492" + }, + { + "bbox": [ + 134, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758612.890.mp4", + "variation_id": 0, + "video_id": "46493" + }, + { + "bbox": [ + 40, + 7, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/receive.mp4", + "variation_id": 0, + "video_id": "46494" + }, + { + "bbox": [ + 74, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9983.mp4", + "variation_id": 0, + "video_id": "46495" + }, + { + "bbox": [ + 23, + 18, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/receive.swf", + "variation_id": 0, + "video_id": "46496" + }, + { + "bbox": [ + 221, + 41, + 480, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/get.mp4", + "variation_id": 0, + "video_id": "46497" + } + ] + }, + { + "gloss": "recent", + "instances": [ + { + "bbox": [ + 146, + 29, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RECENT-235.mp4", + "variation_id": 0, + "video_id": "66376" + }, + { + "bbox": [ + 146, + 34, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RECENT-236.mp4", + "variation_id": 0, + "video_id": "66377" + }, + { + "bbox": [ + 66, + 7, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116488.mp4", + "variation_id": 0, + "video_id": "46500" + }, + { + "bbox": [ + 787, + 67, + 1656, + 1060 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Recent%202-Qw-snC3esZI.mp4", + "variation_id": 0, + "video_id": "46501" + }, + { + "bbox": [ + 782, + 78, + 1644, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Recent-2I1Frd3R190.mp4", + "variation_id": 0, + "video_id": "46502" + }, + { + "bbox": [ + 124, + 0, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468758632.1366.mp4", + "variation_id": 0, + "video_id": "46503" + }, + { + "bbox": [ + 17, + 7, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/recent.swf", + "variation_id": 0, + "video_id": "46505" + }, + { + "bbox": [ + 193, + 67, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/just2.mp4", + "variation_id": 0, + "video_id": "46506" + } + ] + }, + { + "gloss": "reduce", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1219, + "frame_start": 1170, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46750" + }, + { + "bbox": [ + 69, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9579.mp4", + "variation_id": 0, + "video_id": "46759" + }, + { + "bbox": [ + 0, + 5, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/reduce.swf", + "variation_id": 0, + "video_id": "46761" + }, + { + "bbox": [ + 180, + 59, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/depreciation.mp4", + "variation_id": 0, + "video_id": "46762" + }, + { + "bbox": [ + 652, + 62, + 1612, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reduce-CQg2Q50u5ts.mp4", + "variation_id": 0, + "video_id": "46752" + }, + { + "bbox": [ + 748, + 120, + 1698, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reduce--KIAysw871w.mp4", + "variation_id": 0, + "video_id": "46753" + }, + { + "bbox": [ + 123, + 2, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758919.1432.mp4", + "variation_id": 0, + "video_id": "46754" + }, + { + "bbox": [ + 106, + 5, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/reduce.mp4", + "variation_id": 0, + "video_id": "46757" + } + ] + }, + { + "gloss": "refer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1252, + "frame_start": 1220, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46773" + }, + { + "bbox": [ + 42, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116506.mp4", + "variation_id": 0, + "video_id": "46791" + }, + { + "bbox": [ + 613, + 65, + 1564, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Refer%202-0YrSjNvuEoA.mp4", + "variation_id": 0, + "video_id": "46792" + }, + { + "bbox": [ + 556, + 63, + 1574, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Refer-9Hw5ai7tUEg.mp4", + "variation_id": 0, + "video_id": "46793" + }, + { + "bbox": [ + 28, + 0, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/refer.mp4", + "variation_id": 0, + "video_id": "46794" + }, + { + "bbox": [ + 70, + 25, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22208.mp4", + "variation_id": 0, + "video_id": "46795" + }, + { + "bbox": [ + 0, + 22, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/refer.swf", + "variation_id": 0, + "video_id": "46796" + }, + { + "bbox": [ + 181, + 51, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/refer.mp4", + "variation_id": 0, + "video_id": "46797" + } + ] + }, + { + "gloss": "referee", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1312, + "frame_start": 1253, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46774" + }, + { + "bbox": [ + 76, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457685.mp4", + "variation_id": 0, + "video_id": "46775" + }, + { + "bbox": [ + 755, + 133, + 1499, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Referee-k-1QvLU0Oj0.mp4", + "variation_id": 0, + "video_id": "46776" + }, + { + "bbox": [ + 14, + 16, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/referee.mp4", + "variation_id": 0, + "video_id": "46778" + }, + { + "bbox": [ + 68, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9960.mp4", + "variation_id": 0, + "video_id": "46779" + }, + { + "bbox": [ + 68, + 14, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9961.mp4", + "variation_id": 0, + "video_id": "46780" + }, + { + "bbox": [ + 359, + 49, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uhW1zzaiRv4", + "variation_id": 0, + "video_id": "46781" + }, + { + "bbox": [ + 184, + 51, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/referee.mp4", + "variation_id": 0, + "video_id": "46783" + } + ] + }, + { + "gloss": "relate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1512, + "frame_start": 1446, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47025" + }, + { + "bbox": [ + 75, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116515.mp4", + "variation_id": 0, + "video_id": "47028" + }, + { + "bbox": [ + 614, + 137, + 1733, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Relate%2C%20Tie%20With-axYn_QVdQzs.mp4", + "variation_id": 0, + "video_id": "47029" + }, + { + "bbox": [ + 120, + 20, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646038.6563.mp4", + "variation_id": 0, + "video_id": "47030" + }, + { + "bbox": [ + 89, + 0, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/relate-to.mp4", + "variation_id": 0, + "video_id": "47031" + }, + { + "bbox": [ + 62, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/1/1379.mp4", + "variation_id": 0, + "video_id": "47032" + }, + { + "bbox": [ + 7, + 6, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/relate.swf", + "variation_id": 0, + "video_id": "47033" + }, + { + "bbox": [ + 187, + 52, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/relationship.mp4", + "variation_id": 0, + "video_id": "47034" + } + ] + }, + { + "gloss": "relax", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1615, + "frame_start": 1566, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47058" + }, + { + "bbox": [ + 101, + 16, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/rFCtAIjVQLY", + "variation_id": 0, + "video_id": "67131" + }, + { + "bbox": [ + 57, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/49274.mp4", + "variation_id": 0, + "video_id": "47059" + }, + { + "bbox": [ + 144, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759352.3885.mp4", + "variation_id": 0, + "video_id": "47060" + }, + { + "bbox": [ + 123, + 0, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/relax.mp4", + "variation_id": 0, + "video_id": "47061" + }, + { + "bbox": [ + 79, + 19, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9081.mp4", + "variation_id": 0, + "video_id": "47063" + }, + { + "bbox": [ + 0, + 12, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/relax.swf", + "variation_id": 0, + "video_id": "47064" + }, + { + "bbox": [ + 189, + 50, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/relax.mp4", + "variation_id": 0, + "video_id": "47066" + } + ] + }, + { + "gloss": "remote control", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1898, + "frame_start": 1826, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47220" + }, + { + "bbox": [ + 119, + 34, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REMOTE-CONTROL-960.mp4", + "variation_id": 0, + "video_id": "66389" + }, + { + "bbox": [ + 102, + 9, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/gb5WMoePPwI", + "variation_id": 0, + "video_id": "67133" + }, + { + "bbox": [ + 38, + 6, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/69437.mp4", + "variation_id": 0, + "video_id": "47221" + }, + { + "bbox": [ + 739, + 67, + 1544, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Remote%20Controller-_OfbC-sZ3vQ.mp4", + "variation_id": 0, + "video_id": "47222" + }, + { + "bbox": [ + 102, + 6, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/remote-control.mp4", + "variation_id": 0, + "video_id": "47223" + }, + { + "bbox": [ + 60, + 14, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2570.mp4", + "variation_id": 0, + "video_id": "47224" + }, + { + "bbox": [ + 211, + 42, + 475, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/remote-control.mp4", + "variation_id": 0, + "video_id": "47225" + } + ] + }, + { + "gloss": "rent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1994, + "frame_start": 1952, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47269" + }, + { + "bbox": [ + 72, + 20, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/310947.mp4", + "variation_id": 0, + "video_id": "47271" + }, + { + "bbox": [ + 417, + 24, + 1112, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Every%20Month%20copy.mp4", + "variation_id": 0, + "video_id": "47272" + }, + { + "bbox": [ + 91, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759725.5009.mp4", + "variation_id": 0, + "video_id": "47273" + }, + { + "bbox": [ + 31, + 19, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rent.mp4", + "variation_id": 0, + "video_id": "47275" + }, + { + "bbox": [ + 57, + 12, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7374.mp4", + "variation_id": 0, + "video_id": "47277" + }, + { + "bbox": [ + 0, + 14, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rent.swf", + "variation_id": 0, + "video_id": "47278" + }, + { + "bbox": [ + 198, + 44, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rent.mp4", + "variation_id": 0, + "video_id": "47279" + } + ] + }, + { + "gloss": "reputation", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2294, + "frame_start": 2235, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47439" + }, + { + "bbox": [ + 59, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116527.mp4", + "variation_id": 0, + "video_id": "47440" + }, + { + "bbox": [ + 677, + 106, + 1774, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Reputation-rVBOj1JMBJs.mp4", + "variation_id": 0, + "video_id": "47441" + }, + { + "bbox": [ + 154, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717645.5170.mp4", + "variation_id": 0, + "video_id": "47442" + }, + { + "bbox": [ + 13, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/reputation.mp4", + "variation_id": 0, + "video_id": "47443" + }, + { + "bbox": [ + 64, + 9, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2583.mp4", + "variation_id": 0, + "video_id": "47444" + }, + { + "bbox": [ + 336, + 53, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lIvivhdqnxc", + "variation_id": 0, + "video_id": "47445" + }, + { + "bbox": [ + 219, + 38, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/reputation.mp4", + "variation_id": 0, + "video_id": "47447" + } + ] + }, + { + "gloss": "resign", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2557, + "frame_start": 2508, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47552" + }, + { + "bbox": [ + 124, + 28, + 480, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RESIGN-965.mp4", + "variation_id": 0, + "video_id": "66394" + }, + { + "bbox": [ + 65, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116533.mp4", + "variation_id": 0, + "video_id": "47554" + }, + { + "bbox": [ + 142, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760236.2133.mp4", + "variation_id": 0, + "video_id": "47555" + }, + { + "bbox": [ + 41, + 2, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/resign.mp4", + "variation_id": 0, + "video_id": "47556" + }, + { + "bbox": [ + 69, + 15, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7470.mp4", + "variation_id": 0, + "video_id": "47557" + }, + { + "bbox": [ + 314, + 40, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=j7-2qB08VJc", + "variation_id": 0, + "video_id": "47559" + }, + { + "bbox": [ + 174, + 48, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/back-out.mp4", + "variation_id": 0, + "video_id": "47561" + } + ] + }, + { + "gloss": "responsible", + "instances": [ + { + "bbox": [ + 32, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/49281.mp4", + "variation_id": 0, + "video_id": "47645" + }, + { + "bbox": [ + 98, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468760442.1111.mp4", + "variation_id": 0, + "video_id": "47646" + }, + { + "bbox": [ + 20, + 0, + 312, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/responsible.mp4", + "variation_id": 0, + "video_id": "47647" + }, + { + "bbox": [ + 76, + 22, + 196, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22609.mp4", + "variation_id": 0, + "video_id": "47648" + }, + { + "bbox": [ + 262, + 43, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Qmzg74JQGYk", + "variation_id": 0, + "video_id": "47649" + }, + { + "bbox": [ + 271, + 33, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=RRBsVdi17yI", + "variation_id": 0, + "video_id": "47650" + }, + { + "bbox": [ + 13, + 7, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/responsible.swf", + "variation_id": 0, + "video_id": "47651" + }, + { + "bbox": [ + 166, + 40, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/responsible.mp4", + "variation_id": 0, + "video_id": "47652" + } + ] + }, + { + "gloss": "ridiculous", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3353, + "frame_start": 3301, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48072" + }, + { + "bbox": [ + 128, + 32, + 468, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RI/RIDICULOUS-975.mp4", + "variation_id": 0, + "video_id": "66407" + }, + { + "bbox": [ + 55, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 63, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50762.mp4", + "variation_id": 0, + "video_id": "48073" + }, + { + "bbox": [ + 169, + 58, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1513524286.6849.mp4", + "variation_id": 0, + "video_id": "48074" + }, + { + "bbox": [ + 82, + 13, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/ridiculous-silly2.mp4", + "variation_id": 0, + "video_id": "48075" + }, + { + "bbox": [ + 74, + 16, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/r/ridiculous-silly.mp4", + "variation_id": 0, + "video_id": "48076" + }, + { + "bbox": [ + 77, + 18, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9096.mp4", + "variation_id": 0, + "video_id": "48077" + }, + { + "bbox": [ + 339, + 57, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=iGHjj_DXzkI", + "variation_id": 0, + "video_id": "48078" + } + ] + }, + { + "gloss": "road", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3546, + "frame_start": 3497, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48264" + }, + { + "bbox": [ + 74, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457648.mp4", + "variation_id": 0, + "video_id": "48273" + }, + { + "bbox": [ + 133, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761185.9354.mp4", + "variation_id": 0, + "video_id": "48274" + }, + { + "bbox": [ + 60, + 16, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/road-car.mp4", + "variation_id": 0, + "video_id": "48275" + }, + { + "bbox": [ + 68, + 16, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/road.mp4", + "variation_id": 0, + "video_id": "48276" + }, + { + "bbox": [ + 80, + 4, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5951.mp4", + "variation_id": 0, + "video_id": "48277" + }, + { + "bbox": [ + 11, + 2, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/road.swf", + "variation_id": 0, + "video_id": "48278" + }, + { + "bbox": [ + 201, + 50, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/avenue.mp4", + "variation_id": 0, + "video_id": "48279" + } + ] + }, + { + "gloss": "robot", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3767, + "frame_start": 3721, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48339" + }, + { + "bbox": [ + 48, + 0, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 63, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50770.mp4", + "variation_id": 0, + "video_id": "48340" + }, + { + "bbox": [ + 565, + 19, + 1858, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Robot-W3sUTb_xYq0.mp4", + "variation_id": 0, + "video_id": "48341" + }, + { + "bbox": [ + 62, + 11, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/robot2.mp4", + "variation_id": 0, + "video_id": "48342" + }, + { + "bbox": [ + 61, + 12, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/robot.mp4", + "variation_id": 0, + "video_id": "48343" + }, + { + "bbox": [ + 40, + 5, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2618.mp4", + "variation_id": 0, + "video_id": "48344" + }, + { + "bbox": [ + 298, + 24, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=X0YL5QW9hlQ", + "variation_id": 0, + "video_id": "48345" + }, + { + "bbox": [ + 187, + 50, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/robot.mp4", + "variation_id": 0, + "video_id": "48346" + } + ] + }, + { + "gloss": "rubber", + "instances": [ + { + "bbox": [ + 25, + 15, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/89938.mp4", + "variation_id": 0, + "video_id": "48684" + }, + { + "bbox": [ + 411, + 57, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/rubber2.mp4", + "variation_id": 0, + "video_id": "48685" + }, + { + "bbox": [ + 155, + 3, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761542.8510.mp4", + "variation_id": 0, + "video_id": "48686" + }, + { + "bbox": [ + 57, + 16, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rubber.mp4", + "variation_id": 0, + "video_id": "48687" + }, + { + "bbox": [ + 61, + 6, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14920.mp4", + "variation_id": 0, + "video_id": "48688" + }, + { + "bbox": [ + 260, + 52, + 935, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zTXqsnLbE-M", + "variation_id": 0, + "video_id": "48689" + }, + { + "bbox": [ + 18, + 7, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rubber.swf", + "variation_id": 0, + "video_id": "48690" + }, + { + "bbox": [ + 168, + 51, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rubber.mp4", + "variation_id": 0, + "video_id": "48691" + } + ] + }, + { + "gloss": "safe", + "instances": [ + { + "bbox": [ + 54, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51906.mp4", + "variation_id": 0, + "video_id": "48995" + }, + { + "bbox": [ + 21, + 15, + 199, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/safe.swf", + "variation_id": 0, + "video_id": "49005" + }, + { + "bbox": [ + 347, + 46, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=agEa8L5F4q4", + "variation_id": 0, + "video_id": "49003" + }, + { + "bbox": [ + 324, + 51, + 1740, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Safe-g8SqHb4JW6k.mp4", + "variation_id": 0, + "video_id": "48996" + }, + { + "bbox": [ + 171, + 48, + 585, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/safe2.mp4", + "variation_id": 0, + "video_id": "49006" + }, + { + "bbox": [ + 142, + 55, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1513524347.5561.mp4", + "variation_id": 0, + "video_id": "48997" + }, + { + "bbox": [ + 57, + 12, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/safe.mp4", + "variation_id": 0, + "video_id": "48998" + }, + { + "bbox": [ + 72, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8775.mp4", + "variation_id": 0, + "video_id": "49002" + } + ] + }, + { + "gloss": "sauce", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 603, + "frame_start": 514, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49341" + }, + { + "bbox": [ + 560, + 88, + 1532, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sauce-Jn74uLB0_v0.mp4", + "variation_id": 0, + "video_id": "49342" + }, + { + "bbox": [ + 40, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763007.2973.mp4", + "variation_id": 0, + "video_id": "49343" + }, + { + "bbox": [ + 20, + 2, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sauce.mp4", + "variation_id": 0, + "video_id": "49344" + }, + { + "bbox": [ + 62, + 10, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7943.mp4", + "variation_id": 0, + "video_id": "49345" + }, + { + "bbox": [ + 248, + 49, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=tQdlSx9bS8E", + "variation_id": 0, + "video_id": "49346" + }, + { + "bbox": [ + 1, + 17, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sauce.swf", + "variation_id": 0, + "video_id": "49348" + }, + { + "bbox": [ + 182, + 50, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sauce.mp4", + "variation_id": 0, + "video_id": "49349" + } + ] + }, + { + "gloss": "sausage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 673, + "frame_start": 604, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49357" + }, + { + "bbox": [ + 34, + 5, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/485652.mp4", + "variation_id": 0, + "video_id": "49358" + }, + { + "bbox": [ + 104, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763028.8166.mp4", + "variation_id": 0, + "video_id": "49359" + }, + { + "bbox": [ + 25, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sausage.mp4", + "variation_id": 0, + "video_id": "49361" + }, + { + "bbox": [ + 64, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9070.mp4", + "variation_id": 0, + "video_id": "49362" + }, + { + "bbox": [ + 297, + 10, + 1094, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=CYir75rCbWQ", + "variation_id": 0, + "video_id": "49363" + }, + { + "bbox": [ + 0, + 1, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sausage.swf", + "variation_id": 0, + "video_id": "49364" + }, + { + "bbox": [ + 209, + 49, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sausage.mp4", + "variation_id": 0, + "video_id": "49365" + } + ] + }, + { + "gloss": "scold", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1200, + "frame_start": 1144, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49666" + }, + { + "bbox": [ + 195, + 7, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 104, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/E(/E(scold)-1889.mp4", + "variation_id": 0, + "video_id": "65577" + }, + { + "bbox": [ + 108, + 4, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/scold-harshly.mp4", + "variation_id": 0, + "video_id": "49670" + }, + { + "bbox": [ + 69, + 10, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/scold.mp4", + "variation_id": 0, + "video_id": "49671" + }, + { + "bbox": [ + 69, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9494.mp4", + "variation_id": 0, + "video_id": "49672" + }, + { + "bbox": [ + 73, + 13, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9495.mp4", + "variation_id": 0, + "video_id": "49673" + }, + { + "bbox": [ + 0, + 10, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/scold.swf", + "variation_id": 0, + "video_id": "49674" + }, + { + "bbox": [ + 228, + 35, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scold.mp4", + "variation_id": 0, + "video_id": "49675" + } + ] + }, + { + "gloss": "senior", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2183, + "frame_start": 2134, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50356" + }, + { + "bbox": [ + 231, + 59, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/senior2.mp4", + "variation_id": 0, + "video_id": "50372" + }, + { + "bbox": [ + 48, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486594.mp4", + "variation_id": 0, + "video_id": "50363" + }, + { + "bbox": [ + 872, + 65, + 1759, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Senior%202-kP975hEinrY.mp4", + "variation_id": 0, + "video_id": "50364" + }, + { + "bbox": [ + 750, + 64, + 1728, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Senior%203-0-7PCfQKIJY.mp4", + "variation_id": 0, + "video_id": "50365" + }, + { + "bbox": [ + 103, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468765160.9398.mp4", + "variation_id": 0, + "video_id": "50367" + }, + { + "bbox": [ + 64, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14817.mp4", + "variation_id": 0, + "video_id": "50370" + }, + { + "bbox": [ + 0, + 16, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/senior.swf", + "variation_id": 0, + "video_id": "50371" + } + ] + }, + { + "gloss": "september", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2397, + "frame_start": 2338, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50449" + }, + { + "bbox": [ + 80, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468765275.9912.mp4", + "variation_id": 0, + "video_id": "50454" + }, + { + "bbox": [ + 151, + 6, + 828, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20September.mp4", + "variation_id": 0, + "video_id": "50453" + }, + { + "bbox": [ + 47, + 12, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/september.mp4", + "variation_id": 0, + "video_id": "50455" + }, + { + "bbox": [ + 90, + 16, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7093.mp4", + "variation_id": 0, + "video_id": "50456" + }, + { + "bbox": [ + 52, + 30, + 434, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=zT473yrpVMI", + "variation_id": 0, + "video_id": "50457" + }, + { + "bbox": [ + 166, + 51, + 546, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/september.mp4", + "variation_id": 0, + "video_id": "50459" + }, + { + "bbox": [ + 166, + 51, + 546, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/september.mp4", + "variation_id": 0, + "video_id": "50460" + } + ] + }, + { + "gloss": "several", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2817, + "frame_start": 2771, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50703" + }, + { + "bbox": [ + 106, + 25, + 270, + 240 + ], + "fps": 25, + "frame_end": 1479, + "frame_start": 1362, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=pc0-gVEETVg", + "variation_id": 0, + "video_id": "70307" + }, + { + "bbox": [ + 162, + 33, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 103, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SEVERAL-1026.mp4", + "variation_id": 0, + "video_id": "66458" + }, + { + "bbox": [ + 59, + 7, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116835.mp4", + "variation_id": 0, + "video_id": "50704" + }, + { + "bbox": [ + 143, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765533.5995.mp4", + "variation_id": 0, + "video_id": "50705" + }, + { + "bbox": [ + 42, + 5, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/several.mp4", + "variation_id": 0, + "video_id": "50706" + }, + { + "bbox": [ + 84, + 16, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7949.mp4", + "variation_id": 0, + "video_id": "50707" + }, + { + "bbox": [ + 28, + 15, + 195, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/several.swf", + "variation_id": 0, + "video_id": "50708" + } + ] + }, + { + "gloss": "shame", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2927, + "frame_start": 2888, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50809" + }, + { + "bbox": [ + 48, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 63, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50789.mp4", + "variation_id": 0, + "video_id": "50813" + }, + { + "bbox": [ + 763, + 63, + 1525, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shame%202-SYLEbEOz_y4.mp4", + "variation_id": 0, + "video_id": "50814" + }, + { + "bbox": [ + 136, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765686.5236.mp4", + "variation_id": 0, + "video_id": "50815" + }, + { + "bbox": [ + 140, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shame.mp4", + "variation_id": 0, + "video_id": "50816" + }, + { + "bbox": [ + 73, + 8, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5832.mp4", + "variation_id": 0, + "video_id": "50817" + }, + { + "bbox": [ + 0, + 9, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shame.swf", + "variation_id": 0, + "video_id": "50818" + }, + { + "bbox": [ + 209, + 39, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shame.mp4", + "variation_id": 0, + "video_id": "50819" + } + ] + }, + { + "gloss": "shave", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3209, + "frame_start": 3117, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50890" + }, + { + "bbox": [ + 50, + 12, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/9/9664.mp4", + "variation_id": 0, + "video_id": "50902" + }, + { + "bbox": [ + 0, + 17, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shave.swf", + "variation_id": 0, + "video_id": "50903" + }, + { + "bbox": [ + 71, + 10, + 376, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/GeovUH8tZCo", + "variation_id": 0, + "video_id": "67186" + }, + { + "bbox": [ + 250, + 34, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shave.mp4", + "variation_id": 0, + "video_id": "50904" + }, + { + "bbox": [ + 414, + 60, + 824, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/shave.mp4", + "variation_id": 0, + "video_id": "50895" + }, + { + "bbox": [ + 679, + 134, + 1504, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shave%202-CW0Zq9AmZn0.mp4", + "variation_id": 0, + "video_id": "50896" + }, + { + "bbox": [ + 44, + 7, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shave-chin.mp4", + "variation_id": 0, + "video_id": "50898" + } + ] + }, + { + "gloss": "shoot", + "instances": [ + { + "bbox": [ + 79, + 8, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/14/14627.mp4", + "variation_id": 0, + "video_id": "51160" + }, + { + "bbox": [ + 2, + 9, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shoot.swf", + "variation_id": 0, + "video_id": "51163" + }, + { + "bbox": [ + 194, + 52, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shoot.mp4", + "variation_id": 0, + "video_id": "51165" + }, + { + "bbox": [ + 765, + 72, + 1582, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Second%20(Parliament)-lWvsD69r1uI.mp4", + "variation_id": 0, + "video_id": "51154" + }, + { + "bbox": [ + 836, + 81, + 1578, + 1068 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Shot%20(From%20Gun)-2OhhjUrec0c.mp4", + "variation_id": 0, + "video_id": "51155" + }, + { + "bbox": [ + 147, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766212.5591.mp4", + "variation_id": 0, + "video_id": "51156" + }, + { + "bbox": [ + 43, + 11, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shoot-gun.mp4", + "variation_id": 0, + "video_id": "51157" + } + ] + }, + { + "gloss": "shoulder", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3690, + "frame_start": 3638, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51273" + }, + { + "bbox": [ + 107, + 17, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SH/SHOULDER-1044.mp4", + "variation_id": 0, + "video_id": "66472" + }, + { + "bbox": [ + 40, + 3, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/245293.mp4", + "variation_id": 0, + "video_id": "51276" + }, + { + "bbox": [ + 88, + 2, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/8tSLhAnaPho", + "variation_id": 0, + "video_id": "67194" + }, + { + "bbox": [ + 55, + 11, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shoulder-right.mp4", + "variation_id": 0, + "video_id": "51277" + }, + { + "bbox": [ + 43, + 11, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7057.mp4", + "variation_id": 0, + "video_id": "51278" + }, + { + "bbox": [ + 26, + 20, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shoulder.swf", + "variation_id": 0, + "video_id": "51280" + }, + { + "bbox": [ + 148, + 51, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shoulder.mp4", + "variation_id": 0, + "video_id": "51281" + } + ] + }, + { + "gloss": "silver", + "instances": [ + { + "bbox": [ + 7, + 14, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/silver.swf", + "variation_id": 0, + "video_id": "51725" + }, + { + "bbox": [ + 31, + 3, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58472.mp4", + "variation_id": 0, + "video_id": "51716" + }, + { + "bbox": [ + 72, + 12, + 362, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/U8FGfq0ShOU", + "variation_id": 0, + "video_id": "67203" + }, + { + "bbox": [ + 167, + 51, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/silver.mp4", + "variation_id": 0, + "video_id": "51726" + }, + { + "bbox": [ + 294, + 76, + 1581, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Silver%202-ZmnoC59zpCg.mp4", + "variation_id": 0, + "video_id": "51717" + }, + { + "bbox": [ + 310, + 82, + 1570, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Silver-cYJnFuo5YOI.mp4", + "variation_id": 0, + "video_id": "51718" + }, + { + "bbox": [ + 113, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767116.66.mp4", + "variation_id": 0, + "video_id": "51719" + }, + { + "bbox": [ + 58, + 18, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22183.mp4", + "variation_id": 0, + "video_id": "51721" + } + ] + }, + { + "gloss": "simple", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4197, + "frame_start": 4158, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51747" + }, + { + "bbox": [ + 62, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 63, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/50811.mp4", + "variation_id": 0, + "video_id": "51749" + }, + { + "bbox": [ + 237, + 80, + 566, + 431 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Simple-OcojAtR8m3s.mp4", + "variation_id": 0, + "video_id": "51750" + }, + { + "bbox": [ + 138, + 1, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767169.7034.mp4", + "variation_id": 0, + "video_id": "51751" + }, + { + "bbox": [ + 129, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/simple-us.mp4", + "variation_id": 0, + "video_id": "51753" + }, + { + "bbox": [ + 73, + 13, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8738.mp4", + "variation_id": 0, + "video_id": "51755" + }, + { + "bbox": [ + 28, + 9, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/simple.swf", + "variation_id": 0, + "video_id": "51756" + }, + { + "bbox": [ + 209, + 53, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/simple.mp4", + "variation_id": 0, + "video_id": "51757" + } + ] + }, + { + "gloss": "siren", + "instances": [ + { + "bbox": [ + 160, + 43, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 108, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SIREN-1070.mp4", + "variation_id": 0, + "video_id": "66487" + }, + { + "bbox": [ + 127, + 14, + 525, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SIREN-405.mp4", + "variation_id": 0, + "video_id": "66486" + }, + { + "bbox": [ + 33, + 2, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116881.mp4", + "variation_id": 0, + "video_id": "51871" + }, + { + "bbox": [ + 271, + 0, + 804, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ambulance-tiNnpds7sc0.mp4", + "variation_id": 0, + "video_id": "51872" + }, + { + "bbox": [ + 31, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/siren.mp4", + "variation_id": 0, + "video_id": "51873" + }, + { + "bbox": [ + 52, + 11, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2768.mp4", + "variation_id": 0, + "video_id": "51874" + }, + { + "bbox": [ + 0, + 4, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/siren.swf", + "variation_id": 0, + "video_id": "51875" + }, + { + "bbox": [ + 189, + 50, + 577, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/siren.mp4", + "variation_id": 0, + "video_id": "51876" + } + ] + }, + { + "gloss": "size", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4687, + "frame_start": 4625, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52045" + }, + { + "bbox": [ + 596, + 76, + 1353, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/size.mp4", + "variation_id": 0, + "video_id": "69475" + }, + { + "bbox": [ + 43, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486960.mp4", + "variation_id": 0, + "video_id": "52046" + }, + { + "bbox": [ + 124, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767489.2755.mp4", + "variation_id": 0, + "video_id": "52047" + }, + { + "bbox": [ + 112, + 0, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/size.mp4", + "variation_id": 0, + "video_id": "52048" + }, + { + "bbox": [ + 65, + 20, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2773.mp4", + "variation_id": 0, + "video_id": "52049" + }, + { + "bbox": [ + 6, + 19, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/size.swf", + "variation_id": 0, + "video_id": "52050" + }, + { + "bbox": [ + 211, + 53, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/size.mp4", + "variation_id": 0, + "video_id": "52051" + } + ] + }, + { + "gloss": "skate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4750, + "frame_start": 4688, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52053" + }, + { + "bbox": [ + 192, + 37, + 1014, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/skate.mp4", + "variation_id": 0, + "video_id": "69476" + }, + { + "bbox": [ + 99, + 27, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/OMTuFqjyfDg", + "variation_id": 0, + "video_id": "67208" + }, + { + "bbox": [ + 95, + 20, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22147.mp4", + "variation_id": 0, + "video_id": "52072" + }, + { + "bbox": [ + 87, + 21, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23059.mp4", + "variation_id": 0, + "video_id": "52073" + }, + { + "bbox": [ + 276, + 66, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 51, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=3l7x9IrdoJ8", + "variation_id": 0, + "video_id": "52074" + }, + { + "bbox": [ + 11, + 12, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/skate.swf", + "variation_id": 0, + "video_id": "52075" + }, + { + "bbox": [ + 208, + 51, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/skate.mp4", + "variation_id": 0, + "video_id": "52076" + } + ] + }, + { + "gloss": "skin", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4984, + "frame_start": 4938, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52156" + }, + { + "bbox": [ + 205, + 55, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/skin.mp4", + "variation_id": 0, + "video_id": "52167" + }, + { + "bbox": [ + 60, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 77, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/185278.mp4", + "variation_id": 0, + "video_id": "52158" + }, + { + "bbox": [ + 719, + 83, + 1625, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Skin%202-HRC3L6VAl3U.mp4", + "variation_id": 0, + "video_id": "52159" + }, + { + "bbox": [ + 659, + 76, + 1642, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Skin-HheUtnT-cbM.mp4", + "variation_id": 0, + "video_id": "52160" + }, + { + "bbox": [ + 140, + 0, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468767631.1819.mp4", + "variation_id": 0, + "video_id": "52161" + }, + { + "bbox": [ + 80, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7274.mp4", + "variation_id": 0, + "video_id": "52163" + }, + { + "bbox": [ + 328, + 39, + 953, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-IAvO3C9b8k", + "variation_id": 0, + "video_id": "52165" + } + ] + }, + { + "gloss": "skunk", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5168, + "frame_start": 5109, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52213" + }, + { + "bbox": [ + 59, + 3, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116898.mp4", + "variation_id": 0, + "video_id": "52214" + }, + { + "bbox": [ + 369, + 20, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Skunk--UhawQofdXE.mp4", + "variation_id": 0, + "video_id": "52215" + }, + { + "bbox": [ + 68, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767700.9330.mp4", + "variation_id": 0, + "video_id": "52216" + }, + { + "bbox": [ + 57, + 1, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9048.mp4", + "variation_id": 0, + "video_id": "52217" + }, + { + "bbox": [ + 253, + 20, + 955, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=jtXHlD18bao", + "variation_id": 0, + "video_id": "52219" + }, + { + "bbox": [ + 0, + 9, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/skunk.swf", + "variation_id": 0, + "video_id": "52220" + }, + { + "bbox": [ + 179, + 45, + 582, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/skunk.mp4", + "variation_id": 0, + "video_id": "52221" + } + ] + }, + { + "gloss": "slice", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5348, + "frame_start": 5289, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52372" + }, + { + "bbox": [ + 85, + 7, + 435, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=JGMRW0Py_L8", + "variation_id": 0, + "video_id": "52380" + }, + { + "bbox": [ + 192, + 43, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SL/SLICE-1074.mp4", + "variation_id": 0, + "video_id": "66505" + }, + { + "bbox": [ + 163, + 52, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/slice.mp4", + "variation_id": 0, + "video_id": "52382" + }, + { + "bbox": [ + 80, + 26, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91633.mp4", + "variation_id": 0, + "video_id": "52373" + }, + { + "bbox": [ + 65, + 10, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/slice-cut.mp4", + "variation_id": 0, + "video_id": "52376" + }, + { + "bbox": [ + 67, + 11, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9708.mp4", + "variation_id": 0, + "video_id": "52378" + }, + { + "bbox": [ + 348, + 68, + 1011, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ESNqUkNFvkI", + "variation_id": 0, + "video_id": "52379" + } + ] + }, + { + "gloss": "smooth", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5672, + "frame_start": 5623, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52659" + }, + { + "bbox": [ + 52, + 27, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91634.mp4", + "variation_id": 0, + "video_id": "52660" + }, + { + "bbox": [ + 794, + 64, + 1708, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Smooth-YGIePRbu40w.mp4", + "variation_id": 0, + "video_id": "52662" + }, + { + "bbox": [ + 137, + 40, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520783791.6230.mp4", + "variation_id": 0, + "video_id": "52663" + }, + { + "bbox": [ + 92, + 0, + 563, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/smooth.mp4", + "variation_id": 0, + "video_id": "52664" + }, + { + "bbox": [ + 59, + 12, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9647.mp4", + "variation_id": 0, + "video_id": "52665" + }, + { + "bbox": [ + 341, + 41, + 984, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-x-_t0RonJc", + "variation_id": 0, + "video_id": "52666" + }, + { + "bbox": [ + 203, + 55, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/smooth.mp4", + "variation_id": 0, + "video_id": "52668" + } + ] + }, + { + "gloss": "snack", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5735, + "frame_start": 5673, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52683" + }, + { + "bbox": [ + 47, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/481436.mp4", + "variation_id": 0, + "video_id": "52686" + }, + { + "bbox": [ + 713, + 105, + 1389, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hong%20Kong%2C%20Snack-t-w7pCF2qxc.mp4", + "variation_id": 0, + "video_id": "52687" + }, + { + "bbox": [ + 854, + 76, + 1597, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Snack%202-CtUN_tUG-ZA.mp4", + "variation_id": 0, + "video_id": "52688" + }, + { + "bbox": [ + 52, + 14, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/snack.mp4", + "variation_id": 0, + "video_id": "52690" + }, + { + "bbox": [ + 82, + 4, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14883.mp4", + "variation_id": 0, + "video_id": "52691" + }, + { + "bbox": [ + 327, + 27, + 912, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nX3l9Z_rOdg", + "variation_id": 0, + "video_id": "52693" + }, + { + "bbox": [ + 209, + 59, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/snack.mp4", + "variation_id": 0, + "video_id": "52694" + } + ] + }, + { + "gloss": "snowman", + "instances": [ + { + "bbox": [ + 170, + 30, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 108, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SN/SNOWMAN-1083.mp4", + "variation_id": 0, + "video_id": "66520" + }, + { + "bbox": [ + 172, + 40, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 108, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SN/SNOWMAN-1084.mp4", + "variation_id": 0, + "video_id": "66521" + }, + { + "bbox": [ + 39, + 4, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116934.mp4", + "variation_id": 0, + "video_id": "52871" + }, + { + "bbox": [ + 305, + 0, + 1091, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/snowman.mp4", + "variation_id": 0, + "video_id": "52873" + }, + { + "bbox": [ + 69, + 3, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23163.mp4", + "variation_id": 0, + "video_id": "52874" + }, + { + "bbox": [ + 316, + 18, + 988, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=20gCN9CwvDo", + "variation_id": 0, + "video_id": "52875" + }, + { + "bbox": [ + 5, + 0, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/snowman.swf", + "variation_id": 0, + "video_id": "52876" + }, + { + "bbox": [ + 201, + 51, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/snowman.mp4", + "variation_id": 0, + "video_id": "52877" + } + ] + }, + { + "gloss": "society", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6099, + "frame_start": 6053, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52990" + }, + { + "bbox": [ + 269, + 28, + 1028, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=41s77qLHfiQ", + "variation_id": 0, + "video_id": "52998" + }, + { + "bbox": [ + 177, + 41, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 108, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SO/SOCIETY-1092.mp4", + "variation_id": 0, + "video_id": "66526" + }, + { + "bbox": [ + 231, + 39, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/society.mp4", + "variation_id": 0, + "video_id": "53000" + }, + { + "bbox": [ + 72, + 35, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91826.mp4", + "variation_id": 0, + "video_id": "52992" + }, + { + "bbox": [ + 624, + 25, + 1729, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Society%2C%20Sociology-CnEPOgxIoWs.mp4", + "variation_id": 0, + "video_id": "52993" + }, + { + "bbox": [ + 68, + 4, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/society.mp4", + "variation_id": 0, + "video_id": "52995" + }, + { + "bbox": [ + 63, + 13, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9328.mp4", + "variation_id": 0, + "video_id": "52997" + } + ] + }, + { + "gloss": "someone", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6471, + "frame_start": 6422, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53217" + }, + { + "bbox": [ + 132, + 20, + 494, + 480 + ], + "fps": 25, + "frame_end": 6055, + "frame_start": 5921, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70127" + }, + { + "bbox": [ + 147, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776430.6865.mp4", + "variation_id": 0, + "video_id": "53218" + }, + { + "bbox": [ + 31, + 9, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/someone.mp4", + "variation_id": 0, + "video_id": "53219" + }, + { + "bbox": [ + 64, + 4, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5957.mp4", + "variation_id": 0, + "video_id": "53220" + }, + { + "bbox": [ + 164, + 11, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=s2Ds_-QpWDo", + "variation_id": 0, + "video_id": "53221" + }, + { + "bbox": [ + 389, + 43, + 933, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YkiB6IwSEZI", + "variation_id": 0, + "video_id": "53222" + }, + { + "bbox": [ + 201, + 51, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/somebody.mp4", + "variation_id": 0, + "video_id": "53223" + } + ] + }, + { + "gloss": "song", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6747, + "frame_start": 6695, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53260" + }, + { + "bbox": [ + 384, + 54, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/song.mp4", + "variation_id": 0, + "video_id": "53261" + }, + { + "bbox": [ + 155, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776572.8219.mp4", + "variation_id": 0, + "video_id": "53262" + }, + { + "bbox": [ + 82, + 18, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/song.mp4", + "variation_id": 0, + "video_id": "53263" + }, + { + "bbox": [ + 80, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7756.mp4", + "variation_id": 0, + "video_id": "53264" + }, + { + "bbox": [ + 71, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9815.mp4", + "variation_id": 0, + "video_id": "53265" + }, + { + "bbox": [ + 14, + 13, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/song.swf", + "variation_id": 0, + "video_id": "53266" + }, + { + "bbox": [ + 200, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sing.mp4", + "variation_id": 0, + "video_id": "53267" + } + ] + }, + { + "gloss": "sore throat", + "instances": [ + { + "bbox": [ + 68, + 4, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116953.mp4", + "variation_id": 0, + "video_id": "53340" + }, + { + "bbox": [ + 441, + 52, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sore-throat2.mp4", + "variation_id": 0, + "video_id": "53341" + }, + { + "bbox": [ + 351, + 33, + 745, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 60, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sore%20Throat-LL1fx8KoKi0.mp4", + "variation_id": 0, + "video_id": "53343" + }, + { + "bbox": [ + 142, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776684.2185.mp4", + "variation_id": 0, + "video_id": "53344" + }, + { + "bbox": [ + 200, + 71, + 500, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546575110.61.mp4", + "variation_id": 0, + "video_id": "53345" + }, + { + "bbox": [ + 83, + 14, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/sore-throat.mp4", + "variation_id": 0, + "video_id": "53346" + }, + { + "bbox": [ + 70, + 14, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9242.mp4", + "variation_id": 0, + "video_id": "53347" + }, + { + "bbox": [ + 3, + 2, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sore_throat.swf", + "variation_id": 0, + "video_id": "53348" + } + ] + }, + { + "gloss": "south america", + "instances": [ + { + "bbox": [ + 48, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50819.mp4", + "variation_id": 0, + "video_id": "53457" + }, + { + "bbox": [ + 438, + 56, + 826, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/south-america.mp4", + "variation_id": 0, + "video_id": "53458" + }, + { + "bbox": [ + 610, + 50, + 1581, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20South%20America%202-1aIYTsywonw.mp4", + "variation_id": 0, + "video_id": "53459" + }, + { + "bbox": [ + 102, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842105.3625.mp4", + "variation_id": 0, + "video_id": "53460" + }, + { + "bbox": [ + 56, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/south-america2.mp4", + "variation_id": 0, + "video_id": "53461" + }, + { + "bbox": [ + 17, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/south-america.mp4", + "variation_id": 0, + "video_id": "53462" + }, + { + "bbox": [ + 52, + 10, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2831.mp4", + "variation_id": 0, + "video_id": "53463" + }, + { + "bbox": [ + 187, + 51, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/south-america.mp4", + "variation_id": 0, + "video_id": "53464" + } + ] + }, + { + "gloss": "spanish", + "instances": [ + { + "bbox": [ + 169, + 44, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 108, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SP/SPANISH-1099.mp4", + "variation_id": 0, + "video_id": "66541" + }, + { + "bbox": [ + 107, + 19, + 520, + 356 + ], + "fps": 25, + "frame_end": 64, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=o4vJbo7BYtg", + "variation_id": 0, + "video_id": "68750" + }, + { + "bbox": [ + 66, + 20, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23031.mp4", + "variation_id": 0, + "video_id": "53564" + }, + { + "bbox": [ + 66, + 20, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23031.mp4", + "variation_id": 0, + "video_id": "53565" + }, + { + "bbox": [ + 42, + 14, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7082.mp4", + "variation_id": 0, + "video_id": "53566" + }, + { + "bbox": [ + 255, + 39, + 959, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=3qTEEFit3gE", + "variation_id": 0, + "video_id": "53567" + }, + { + "bbox": [ + 299, + 25, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=YayPDC6nW34", + "variation_id": 0, + "video_id": "53569" + }, + { + "bbox": [ + 177, + 53, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spanish.mp4", + "variation_id": 0, + "video_id": "53570" + } + ] + }, + { + "gloss": "speak", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7200, + "frame_start": 7138, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53611" + }, + { + "bbox": [ + 56, + 11, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/63583.mp4", + "variation_id": 0, + "video_id": "53620" + }, + { + "bbox": [ + 153, + 0, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842243.8212.mp4", + "variation_id": 0, + "video_id": "53621" + }, + { + "bbox": [ + 77, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14613.mp4", + "variation_id": 0, + "video_id": "53622" + }, + { + "bbox": [ + 62, + 17, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6412.mp4", + "variation_id": 0, + "video_id": "53623" + }, + { + "bbox": [ + 375, + 33, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=aPLfEt5n7L0", + "variation_id": 0, + "video_id": "53624" + }, + { + "bbox": [ + 21, + 8, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/speak.swf", + "variation_id": 0, + "video_id": "53625" + }, + { + "bbox": [ + 205, + 52, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/speak.mp4", + "variation_id": 0, + "video_id": "53626" + } + ] + }, + { + "gloss": "speed", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7450, + "frame_start": 7401, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53733" + }, + { + "bbox": [ + 57, + 12, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/310786.mp4", + "variation_id": 0, + "video_id": "53736" + }, + { + "bbox": [ + 631, + 86, + 1542, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Speed-R9AHSWVb53I.mp4", + "variation_id": 0, + "video_id": "53737" + }, + { + "bbox": [ + 136, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842370.6273.mp4", + "variation_id": 0, + "video_id": "53738" + }, + { + "bbox": [ + 85, + 16, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/speed.mp4", + "variation_id": 0, + "video_id": "53739" + }, + { + "bbox": [ + 71, + 18, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8566.mp4", + "variation_id": 0, + "video_id": "53741" + }, + { + "bbox": [ + 4, + 10, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/speed.swf", + "variation_id": 0, + "video_id": "53743" + }, + { + "bbox": [ + 201, + 54, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/speed.mp4", + "variation_id": 0, + "video_id": "53744" + } + ] + }, + { + "gloss": "spell", + "instances": [ + { + "bbox": [ + 347, + 40, + 924, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 117, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/spell.mp4", + "variation_id": 0, + "video_id": "69487" + }, + { + "bbox": [ + 72, + 35, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/94032.mp4", + "variation_id": 0, + "video_id": "53771" + }, + { + "bbox": [ + 687, + 75, + 1585, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spell-Y5ZBfkibfh4.mp4", + "variation_id": 0, + "video_id": "53772" + }, + { + "bbox": [ + 94, + 0, + 543, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842403.5673.mp4", + "variation_id": 0, + "video_id": "53773" + }, + { + "bbox": [ + 46, + 12, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spell.mp4", + "variation_id": 0, + "video_id": "53774" + }, + { + "bbox": [ + 66, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14371.mp4", + "variation_id": 0, + "video_id": "53775" + }, + { + "bbox": [ + 38, + 19, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/spell.swf", + "variation_id": 0, + "video_id": "53777" + }, + { + "bbox": [ + 209, + 53, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spell.mp4", + "variation_id": 0, + "video_id": "53778" + } + ] + }, + { + "gloss": "spoon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7676, + "frame_start": 7624, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54001" + }, + { + "bbox": [ + 0, + 1, + 242, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/s/spoon_serving.swf", + "variation_id": 0, + "video_id": "54011" + }, + { + "bbox": [ + 605, + 79, + 1560, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Soup%2C%20Spoon-vAx8Y7ThSvM.mp4", + "variation_id": 0, + "video_id": "54004" + }, + { + "bbox": [ + 83, + 6, + 410, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/V8i8b5iCWVc", + "variation_id": 0, + "video_id": "67234" + }, + { + "bbox": [ + 195, + 54, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spoon.mp4", + "variation_id": 0, + "video_id": "54014" + }, + { + "bbox": [ + 64, + 14, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/spoon-cutlery.mp4", + "variation_id": 0, + "video_id": "54006" + }, + { + "bbox": [ + 76, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7305.mp4", + "variation_id": 0, + "video_id": "54007" + }, + { + "bbox": [ + 72, + 13, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7371.mp4", + "variation_id": 0, + "video_id": "54008" + } + ] + }, + { + "gloss": "spring", + "instances": [ + { + "bbox": [ + 49, + 0, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50820.mp4", + "variation_id": 0, + "video_id": "54116" + }, + { + "bbox": [ + 433, + 59, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/spring.mp4", + "variation_id": 0, + "video_id": "54117" + }, + { + "bbox": [ + 473, + 42, + 1678, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Plant%2C%20Spring%2C%20Volcano-WpF9NXrdLGQ.mp4", + "variation_id": 0, + "video_id": "54118" + }, + { + "bbox": [ + 147, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842764.4059.mp4", + "variation_id": 0, + "video_id": "54119" + }, + { + "bbox": [ + 68, + 11, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spring-season.mp4", + "variation_id": 0, + "video_id": "54120" + }, + { + "bbox": [ + 92, + 23, + 200, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22294.mp4", + "variation_id": 0, + "video_id": "54121" + }, + { + "bbox": [ + 12, + 3, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/spring_season.swf", + "variation_id": 0, + "video_id": "54123" + }, + { + "bbox": [ + 201, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spring.mp4", + "variation_id": 0, + "video_id": "54124" + } + ] + }, + { + "gloss": "standard", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8101, + "frame_start": 7979, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54362" + }, + { + "bbox": [ + 15, + 2, + 306, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/117010.mp4", + "variation_id": 0, + "video_id": "54363" + }, + { + "bbox": [ + 337, + 134, + 1629, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Standard%202-tFDrmD0-6g0.mp4", + "variation_id": 0, + "video_id": "54364" + }, + { + "bbox": [ + 37, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468866204.4827.mp4", + "variation_id": 0, + "video_id": "54366" + }, + { + "bbox": [ + 48, + 7, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/standard.mp4", + "variation_id": 0, + "video_id": "54367" + }, + { + "bbox": [ + 17, + 9, + 250, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2874.mp4", + "variation_id": 0, + "video_id": "54368" + }, + { + "bbox": [ + 0, + 5, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/standard.swf", + "variation_id": 0, + "video_id": "54369" + }, + { + "bbox": [ + 183, + 57, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/common.mp4", + "variation_id": 0, + "video_id": "54370" + } + ] + }, + { + "gloss": "statistics", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8368, + "frame_start": 8309, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54529" + }, + { + "bbox": [ + 633, + 71, + 1592, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Statistics-_mfWrTUkZzA.mp4", + "variation_id": 0, + "video_id": "54530" + }, + { + "bbox": [ + 410, + 18, + 771, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 73, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20statistics-QE_XwWQGZkA.mp4", + "variation_id": 0, + "video_id": "54531" + }, + { + "bbox": [ + 34, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/statistics.mp4", + "variation_id": 0, + "video_id": "54532" + }, + { + "bbox": [ + 70, + 11, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9385.mp4", + "variation_id": 0, + "video_id": "54533" + }, + { + "bbox": [ + 323, + 32, + 1015, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=YmwLY53DY7o", + "variation_id": 0, + "video_id": "54534" + }, + { + "bbox": [ + 0, + 7, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/statistics.swf", + "variation_id": 0, + "video_id": "54535" + }, + { + "bbox": [ + 236, + 35, + 494, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/statistics.mp4", + "variation_id": 0, + "video_id": "54536" + } + ] + }, + { + "gloss": "sticky", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8629, + "frame_start": 8573, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54761" + }, + { + "bbox": [ + 645, + 86, + 1461, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sticky-7JRKx1c7VpY.mp4", + "variation_id": 0, + "video_id": "54762" + }, + { + "bbox": [ + 707, + 73, + 1603, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sticky-MawSyPHvBBo.mp4", + "variation_id": 0, + "video_id": "54763" + }, + { + "bbox": [ + 163, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468866870.584.mp4", + "variation_id": 0, + "video_id": "54764" + }, + { + "bbox": [ + 24, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sticky.mp4", + "variation_id": 0, + "video_id": "54765" + }, + { + "bbox": [ + 58, + 16, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/2/2894.mp4", + "variation_id": 0, + "video_id": "54766" + }, + { + "bbox": [ + 96, + 26, + 425, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ccpGjd38TAA", + "variation_id": 0, + "video_id": "54767" + }, + { + "bbox": [ + 230, + 33, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sticky.mp4", + "variation_id": 0, + "video_id": "54768" + } + ] + }, + { + "gloss": "still", + "instances": [ + { + "bbox": [ + 50, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/9/9735.mp4", + "variation_id": 0, + "video_id": "54787" + }, + { + "bbox": [ + 302, + 56, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=bfXH1Yolqys", + "variation_id": 0, + "video_id": "54788" + }, + { + "bbox": [ + 26, + 16, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/still.swf", + "variation_id": 0, + "video_id": "54789" + }, + { + "bbox": [ + 145, + 33, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ST/STILL-1118.mp4", + "variation_id": 0, + "video_id": "66555" + }, + { + "bbox": [ + 11, + 11, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/89956.mp4", + "variation_id": 0, + "video_id": "54780" + }, + { + "bbox": [ + 195, + 37, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/still.mp4", + "variation_id": 0, + "video_id": "54791" + }, + { + "bbox": [ + 139, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468896034.8412.mp4", + "variation_id": 0, + "video_id": "54781" + }, + { + "bbox": [ + 30, + 0, + 625, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/still.mp4", + "variation_id": 0, + "video_id": "54782" + } + ] + }, + { + "gloss": "stretch", + "instances": [ + { + "bbox": [ + 33, + 13, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/306757.mp4", + "variation_id": 0, + "video_id": "55188" + }, + { + "bbox": [ + 580, + 83, + 1666, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stretch-WaGOoNqh1Jk.mp4", + "variation_id": 0, + "video_id": "55189" + }, + { + "bbox": [ + 26, + 0, + 316, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stretch.mp4", + "variation_id": 0, + "video_id": "55190" + }, + { + "bbox": [ + 30, + 8, + 247, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2914.mp4", + "variation_id": 0, + "video_id": "55191" + }, + { + "bbox": [ + 248, + 57, + 964, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=cps41K1lAP0", + "variation_id": 0, + "video_id": "55192" + }, + { + "bbox": [ + 249, + 54, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=dEhi6l33l3A", + "variation_id": 0, + "video_id": "55193" + }, + { + "bbox": [ + 0, + 13, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stretch.swf", + "variation_id": 0, + "video_id": "55194" + }, + { + "bbox": [ + 201, + 53, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stretch.mp4", + "variation_id": 0, + "video_id": "55195" + } + ] + }, + { + "gloss": "surgeon", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10782, + "frame_start": 10720, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56072" + }, + { + "bbox": [ + 110, + 13, + 406, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/WyxGyhlhT6g", + "variation_id": 0, + "video_id": "67266" + }, + { + "bbox": [ + 349, + 52, + 787, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/surgeon.mp4", + "variation_id": 0, + "video_id": "56073" + }, + { + "bbox": [ + 69, + 15, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/surgeon2.mp4", + "variation_id": 0, + "video_id": "56074" + }, + { + "bbox": [ + 69, + 15, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/surgeon.mp4", + "variation_id": 0, + "video_id": "56075" + }, + { + "bbox": [ + 56, + 0, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5790.mp4", + "variation_id": 0, + "video_id": "56076" + }, + { + "bbox": [ + 23, + 6, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/surgeon.swf", + "variation_id": 0, + "video_id": "56077" + }, + { + "bbox": [ + 237, + 38, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/surgeon.mp4", + "variation_id": 0, + "video_id": "56078" + } + ] + }, + { + "gloss": "sweden", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11174, + "frame_start": 11109, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56270" + }, + { + "bbox": [ + 417, + 55, + 831, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sweden.mp4", + "variation_id": 0, + "video_id": "56271" + }, + { + "bbox": [ + 429, + 99, + 1582, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sweden%202-GGRDgXdjjBQ.mp4", + "variation_id": 0, + "video_id": "56272" + }, + { + "bbox": [ + 418, + 80, + 1534, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sweden-RjRyTBt8JRk.mp4", + "variation_id": 0, + "video_id": "56273" + }, + { + "bbox": [ + 52, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sweden.mp4", + "variation_id": 0, + "video_id": "56275" + }, + { + "bbox": [ + 70, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14822.mp4", + "variation_id": 0, + "video_id": "56276" + }, + { + "bbox": [ + 298, + 41, + 1026, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UVx4jfNs0nQ", + "variation_id": 0, + "video_id": "56277" + }, + { + "bbox": [ + 15, + 14, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sweden_b.swf", + "variation_id": 0, + "video_id": "56279" + } + ] + }, + { + "gloss": "swimsuit", + "instances": [ + { + "bbox": [ + 60, + 12, + 630, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 40, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1489411491.1114.mp4", + "variation_id": 0, + "video_id": "56367" + }, + { + "bbox": [ + 48, + 1, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/s/swimsuit-bottom.mp4", + "variation_id": 0, + "video_id": "56368" + }, + { + "bbox": [ + 55, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/swimsuit-torso.mp4", + "variation_id": 0, + "video_id": "56369" + }, + { + "bbox": [ + 32, + 0, + 247, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14894.mp4", + "variation_id": 0, + "video_id": "56370" + }, + { + "bbox": [ + 50, + 0, + 245, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14895.mp4", + "variation_id": 0, + "video_id": "56371" + }, + { + "bbox": [ + 52, + 1, + 249, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14896.mp4", + "variation_id": 0, + "video_id": "56372" + }, + { + "bbox": [ + 62, + 12, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14897.mp4", + "variation_id": 0, + "video_id": "56373" + }, + { + "bbox": [ + 10, + 6, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/swimsuit.swf", + "variation_id": 0, + "video_id": "56374" + } + ] + }, + { + "gloss": "sympathy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11498, + "frame_start": 11409, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56480" + }, + { + "bbox": [ + 92, + 18, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/VrV6GnT3t98", + "variation_id": 0, + "video_id": "67274" + }, + { + "bbox": [ + 53, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/486582.mp4", + "variation_id": 0, + "video_id": "56481" + }, + { + "bbox": [ + 122, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714947.6569.mp4", + "variation_id": 0, + "video_id": "56482" + }, + { + "bbox": [ + 65, + 14, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sympathy.mp4", + "variation_id": 0, + "video_id": "56483" + }, + { + "bbox": [ + 96, + 20, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23282.mp4", + "variation_id": 0, + "video_id": "56485" + }, + { + "bbox": [ + 0, + 14, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sympathy.swf", + "variation_id": 0, + "video_id": "56487" + }, + { + "bbox": [ + 201, + 56, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sympathy.mp4", + "variation_id": 0, + "video_id": "56488" + } + ] + }, + { + "gloss": "take turns", + "instances": [ + { + "bbox": [ + 369, + 50, + 859, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/take-turns.mp4", + "variation_id": 0, + "video_id": "56762" + }, + { + "bbox": [ + 84, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468947669.8025.mp4", + "variation_id": 0, + "video_id": "56763" + }, + { + "bbox": [ + 93, + 33, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499872549.8569.mp4", + "variation_id": 0, + "video_id": "56764" + }, + { + "bbox": [ + 37, + 6, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/take-turns.mp4", + "variation_id": 0, + "video_id": "56765" + }, + { + "bbox": [ + 60, + 25, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22399.mp4", + "variation_id": 0, + "video_id": "56766" + }, + { + "bbox": [ + 64, + 24, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22400.mp4", + "variation_id": 0, + "video_id": "56767" + }, + { + "bbox": [ + 77, + 5, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5709.mp4", + "variation_id": 0, + "video_id": "56768" + }, + { + "bbox": [ + 77, + 5, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5709.mp4", + "variation_id": 0, + "video_id": "56769" + } + ] + }, + { + "gloss": "take up", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 170, + "frame_start": 124, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56770" + }, + { + "bbox": [ + 98, + 19, + 549, + 358 + ], + "fps": 25, + "frame_end": 112, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=pygvsiDs8ew", + "variation_id": 0, + "video_id": "68816" + }, + { + "bbox": [ + 116, + 0, + 1251, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "valencia-asl", + "split": "train", + "url": "https://www.youtube.com/watch?v=X5yL1wBiFhU", + "variation_id": 0, + "video_id": "68164" + }, + { + "bbox": [ + 667, + 57, + 1605, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Adopt%2C%20Host-RVhtwm64uyk.mp4", + "variation_id": 0, + "video_id": "56771" + }, + { + "bbox": [ + 175, + 0, + 1385, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Host-379faVY_wzA.mp4", + "variation_id": 0, + "video_id": "56772" + }, + { + "bbox": [ + 75, + 22, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466170437.4315.mp4", + "variation_id": 0, + "video_id": "56773" + }, + { + "bbox": [ + 65, + 1, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/take-up.mp4", + "variation_id": 0, + "video_id": "56774" + }, + { + "bbox": [ + 66, + 17, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9094.mp4", + "variation_id": 0, + "video_id": "56775" + } + ] + }, + { + "gloss": "technology", + "instances": [ + { + "bbox": [ + 83, + 8, + 225, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/technology.mov", + "variation_id": 0, + "video_id": "57168" + }, + { + "bbox": [ + 65, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58387.mp4", + "variation_id": 0, + "video_id": "57169" + }, + { + "bbox": [ + 126, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943589.6245.mp4", + "variation_id": 0, + "video_id": "57170" + }, + { + "bbox": [ + 52, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/technology.mp4", + "variation_id": 0, + "video_id": "57171" + }, + { + "bbox": [ + 78, + 18, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8487.mp4", + "variation_id": 0, + "video_id": "57172" + }, + { + "bbox": [ + 315, + 31, + 991, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=5Kq8IEFuaew", + "variation_id": 0, + "video_id": "57173" + }, + { + "bbox": [ + 4, + 13, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/technology.swf", + "variation_id": 0, + "video_id": "57174" + }, + { + "bbox": [ + 205, + 50, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/technical.mp4", + "variation_id": 0, + "video_id": "57175" + } + ] + }, + { + "gloss": "temple", + "instances": [ + { + "bbox": [ + 33, + 16, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90001.mp4", + "variation_id": 0, + "video_id": "57321" + }, + { + "bbox": [ + 87, + 22, + 528, + 480 + ], + "fps": 25, + "frame_end": 9415, + "frame_start": 9310, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=sErq0TJMKEo", + "variation_id": 0, + "video_id": "70056" + }, + { + "bbox": [ + 690, + 60, + 1670, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Temple%202-2Pva0CLtbug.mp4", + "variation_id": 0, + "video_id": "57322" + }, + { + "bbox": [ + 609, + 48, + 1650, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Temple%203-B9evXwYC7_s.mp4", + "variation_id": 0, + "video_id": "57323" + }, + { + "bbox": [ + 143, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943809.6427.mp4", + "variation_id": 0, + "video_id": "57324" + }, + { + "bbox": [ + 89, + 17, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6950.mp4", + "variation_id": 0, + "video_id": "57327" + }, + { + "bbox": [ + 0, + 12, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/temple.swf", + "variation_id": 0, + "video_id": "57328" + }, + { + "bbox": [ + 170, + 52, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/testament.mp4", + "variation_id": 0, + "video_id": "57329" + } + ] + }, + { + "gloss": "tender", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1085, + "frame_start": 1013, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57367" + }, + { + "bbox": [ + 59, + 15, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/153747.mp4", + "variation_id": 0, + "video_id": "57368" + }, + { + "bbox": [ + 119, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468943878.5733.mp4", + "variation_id": 0, + "video_id": "57369" + }, + { + "bbox": [ + 108, + 0, + 499, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tender-soft.mp4", + "variation_id": 0, + "video_id": "57370" + }, + { + "bbox": [ + 88, + 21, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22182.mp4", + "variation_id": 0, + "video_id": "57371" + }, + { + "bbox": [ + 90, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23788.mp4", + "variation_id": 0, + "video_id": "57373" + }, + { + "bbox": [ + 247, + 39, + 494, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soft-hearted.mp4", + "variation_id": 0, + "video_id": "57374" + }, + { + "bbox": [ + 245, + 39, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soft.mp4", + "variation_id": 0, + "video_id": "57375" + } + ] + }, + { + "gloss": "thailand", + "instances": [ + { + "bbox": [ + 60, + 4, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/243967.mp4", + "variation_id": 0, + "video_id": "57596" + }, + { + "bbox": [ + 436, + 104, + 1416, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thailand-EWxe5YCLz30.mp4", + "variation_id": 0, + "video_id": "57597" + }, + { + "bbox": [ + 109, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944163.111.mp4", + "variation_id": 0, + "video_id": "57598" + }, + { + "bbox": [ + 70, + 0, + 569, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/thailand.mp4", + "variation_id": 0, + "video_id": "57599" + }, + { + "bbox": [ + 55, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2993.mp4", + "variation_id": 0, + "video_id": "57600" + }, + { + "bbox": [ + 48, + 13, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/4/4995.mp4", + "variation_id": 0, + "video_id": "57601" + }, + { + "bbox": [ + 270, + 21, + 935, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=bf9535mCBDI", + "variation_id": 0, + "video_id": "57602" + }, + { + "bbox": [ + 157, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/thailand.mp4", + "variation_id": 0, + "video_id": "57603" + } + ] + }, + { + "gloss": "theater", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1605, + "frame_start": 1549, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57705" + }, + { + "bbox": [ + 303, + 76, + 1007, + 720 + ], + "fps": 25, + "frame_end": 102, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=XGIJ_W6n0a0", + "variation_id": 0, + "video_id": "69026" + }, + { + "bbox": [ + 83, + 19, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RHymLOHQeZk", + "variation_id": 0, + "video_id": "67298" + }, + { + "bbox": [ + 27, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50891.mp4", + "variation_id": 0, + "video_id": "57706" + }, + { + "bbox": [ + 68, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944300.7969.mp4", + "variation_id": 0, + "video_id": "57707" + }, + { + "bbox": [ + 64, + 11, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6372.mp4", + "variation_id": 0, + "video_id": "57709" + }, + { + "bbox": [ + 13, + 7, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/theater.swf", + "variation_id": 0, + "video_id": "57711" + }, + { + "bbox": [ + 184, + 49, + 558, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/show2.mp4", + "variation_id": 0, + "video_id": "57712" + } + ] + }, + { + "gloss": "them", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1698, + "frame_start": 1649, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57742" + }, + { + "bbox": [ + 295, + 45, + 906, + 716 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/them.mp4", + "variation_id": 0, + "video_id": "69503" + }, + { + "bbox": [ + 20, + 27, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90018.mp4", + "variation_id": 0, + "video_id": "57751" + }, + { + "bbox": [ + 134, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944375.6831.mp4", + "variation_id": 0, + "video_id": "57752" + }, + { + "bbox": [ + 3, + 9, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/them.mp4", + "variation_id": 0, + "video_id": "57753" + }, + { + "bbox": [ + 48, + 12, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7359.mp4", + "variation_id": 0, + "video_id": "57754" + }, + { + "bbox": [ + 0, + 19, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/them.swf", + "variation_id": 0, + "video_id": "57755" + }, + { + "bbox": [ + 143, + 52, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/they.mp4", + "variation_id": 0, + "video_id": "57756" + } + ] + }, + { + "gloss": "theme", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1745, + "frame_start": 1699, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57743" + }, + { + "bbox": [ + 64, + 7, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/theme.mov", + "variation_id": 0, + "video_id": "57744" + }, + { + "bbox": [ + 32, + 24, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90019.mp4", + "variation_id": 0, + "video_id": "57745" + }, + { + "bbox": [ + 92, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944422.285.mp4", + "variation_id": 0, + "video_id": "57746" + }, + { + "bbox": [ + 7, + 15, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/theme.mp4", + "variation_id": 0, + "video_id": "57747" + }, + { + "bbox": [ + 57, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8622.mp4", + "variation_id": 0, + "video_id": "57748" + }, + { + "bbox": [ + 0, + 7, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/theme.swf", + "variation_id": 0, + "video_id": "57749" + }, + { + "bbox": [ + 179, + 63, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quote.mp4", + "variation_id": 0, + "video_id": "57750" + } + ] + }, + { + "gloss": "thick", + "instances": [ + { + "bbox": [ + 322, + 19, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=JFuewx99kL0", + "variation_id": 0, + "video_id": "57899" + }, + { + "bbox": [ + 51, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 77, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/184992.mp4", + "variation_id": 0, + "video_id": "57890" + }, + { + "bbox": [ + 0, + 19, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/thick.swf", + "variation_id": 0, + "video_id": "57900" + }, + { + "bbox": [ + 157, + 53, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/thick.mp4", + "variation_id": 0, + "video_id": "57901" + }, + { + "bbox": [ + 505, + 42, + 1634, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thick-155cu5JF5eo.mp4", + "variation_id": 0, + "video_id": "57892" + }, + { + "bbox": [ + 523, + 67, + 1444, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Thick%2C%20Fat-aW1ldBr5be8.mp4", + "variation_id": 0, + "video_id": "57893" + }, + { + "bbox": [ + 129, + 3, + 459, + 346 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 76, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/thick-erikwitteborg.mp4", + "variation_id": 0, + "video_id": "57894" + }, + { + "bbox": [ + 50, + 8, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14835.mp4", + "variation_id": 0, + "video_id": "57896" + } + ] + }, + { + "gloss": "this", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2419, + "frame_start": 2383, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58070" + }, + { + "bbox": [ + 302, + 44, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/this.mp4", + "variation_id": 0, + "video_id": "69507" + }, + { + "bbox": [ + 74, + 15, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9272.mp4", + "variation_id": 0, + "video_id": "58077" + }, + { + "bbox": [ + 323, + 34, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=hfa0GQG-LYA", + "variation_id": 0, + "video_id": "58079" + }, + { + "bbox": [ + 168, + 34, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 98, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THIS-1215.mp4", + "variation_id": 0, + "video_id": "66628" + }, + { + "bbox": [ + 0, + 10, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/this.swf", + "variation_id": 0, + "video_id": "58080" + }, + { + "bbox": [ + 172, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944976.9077.mp4", + "variation_id": 0, + "video_id": "58072" + }, + { + "bbox": [ + 147, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/this.mp4", + "variation_id": 0, + "video_id": "58074" + } + ] + }, + { + "gloss": "throat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2564, + "frame_start": 2512, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58251" + }, + { + "bbox": [ + 69, + 17, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/90043.mp4", + "variation_id": 0, + "video_id": "58252" + }, + { + "bbox": [ + 855, + 70, + 1557, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Throat-gc_aZ8tIj-o.mp4", + "variation_id": 0, + "video_id": "58253" + }, + { + "bbox": [ + 76, + 12, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1489411769.3290.mp4", + "variation_id": 0, + "video_id": "58254" + }, + { + "bbox": [ + 44, + 3, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/throat.mp4", + "variation_id": 0, + "video_id": "58255" + }, + { + "bbox": [ + 58, + 14, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/3/3009.mp4", + "variation_id": 0, + "video_id": "58256" + }, + { + "bbox": [ + 35, + 19, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/throat.swf", + "variation_id": 0, + "video_id": "58257" + }, + { + "bbox": [ + 179, + 53, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/throat.mp4", + "variation_id": 0, + "video_id": "58258" + } + ] + }, + { + "gloss": "tissue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3124, + "frame_start": 3065, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58610" + }, + { + "bbox": [ + 166, + 29, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TI/TISSUE-1242.mp4", + "variation_id": 0, + "video_id": "66649" + }, + { + "bbox": [ + 56, + 18, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90087.mp4", + "variation_id": 0, + "video_id": "58611" + }, + { + "bbox": [ + 413, + 52, + 809, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/tissue.mp4", + "variation_id": 0, + "video_id": "58612" + }, + { + "bbox": [ + 131, + 25, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 48, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546609786.765.mp4", + "variation_id": 0, + "video_id": "58613" + }, + { + "bbox": [ + 70, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14187.mp4", + "variation_id": 0, + "video_id": "58614" + }, + { + "bbox": [ + 10, + 5, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tissue_nasal.swf", + "variation_id": 0, + "video_id": "58615" + }, + { + "bbox": [ + 192, + 65, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/kleenex.mp4", + "variation_id": 0, + "video_id": "58616" + } + ] + }, + { + "gloss": "tongue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3821, + "frame_start": 3742, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58819" + }, + { + "bbox": [ + 170, + 34, + 456, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TO/TONGUE-1254.mp4", + "variation_id": 0, + "video_id": "66656" + }, + { + "bbox": [ + 62, + 14, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90097.mp4", + "variation_id": 0, + "video_id": "58822" + }, + { + "bbox": [ + 664, + 69, + 1401, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tongue-v_ifR4F8JVo.mp4", + "variation_id": 0, + "video_id": "58824" + }, + { + "bbox": [ + 71, + 12, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tongue.mp4", + "variation_id": 0, + "video_id": "58825" + }, + { + "bbox": [ + 55, + 14, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/3/3026.mp4", + "variation_id": 0, + "video_id": "58826" + }, + { + "bbox": [ + 10, + 2, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tongue.swf", + "variation_id": 0, + "video_id": "58828" + }, + { + "bbox": [ + 181, + 53, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tongue.mp4", + "variation_id": 0, + "video_id": "58829" + } + ] + }, + { + "gloss": "tonight", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3868, + "frame_start": 3822, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58833" + }, + { + "bbox": [ + 20, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58561.mp4", + "variation_id": 0, + "video_id": "58834" + }, + { + "bbox": [ + 466, + 0, + 1391, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tonight-qkbxNgBFygY.mp4", + "variation_id": 0, + "video_id": "58835" + }, + { + "bbox": [ + 130, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945963.5918.mp4", + "variation_id": 0, + "video_id": "58836" + }, + { + "bbox": [ + 36, + 9, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tonight.mp4", + "variation_id": 0, + "video_id": "58837" + }, + { + "bbox": [ + 63, + 15, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7110.mp4", + "variation_id": 0, + "video_id": "58838" + }, + { + "bbox": [ + 0, + 8, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tonight.swf", + "variation_id": 0, + "video_id": "58839" + }, + { + "bbox": [ + 197, + 58, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/evening.mp4", + "variation_id": 0, + "video_id": "58840" + } + ] + }, + { + "gloss": "tornado", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4201, + "frame_start": 4129, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58968" + }, + { + "bbox": [ + 353, + 59, + 1747, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tornado%202-pxYMDtoNQt4.mp4", + "variation_id": 0, + "video_id": "58972" + }, + { + "bbox": [ + 68, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946155.2235.mp4", + "variation_id": 0, + "video_id": "58977" + }, + { + "bbox": [ + 52, + 3, + 397, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Ovv4I0r8-6s", + "variation_id": 0, + "video_id": "67316" + }, + { + "bbox": [ + 4, + 0, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tornado.mp4", + "variation_id": 0, + "video_id": "58978" + }, + { + "bbox": [ + 55, + 7, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14599.mp4", + "variation_id": 0, + "video_id": "58979" + }, + { + "bbox": [ + 60, + 8, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14600.mp4", + "variation_id": 0, + "video_id": "58980" + }, + { + "bbox": [ + 142, + 50, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tornado.mp4", + "variation_id": 0, + "video_id": "58983" + } + ] + }, + { + "gloss": "tower", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4561, + "frame_start": 4492, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59131" + }, + { + "bbox": [ + 73, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1553871635.3856.mp4", + "variation_id": 0, + "video_id": "59133" + }, + { + "bbox": [ + 29, + 14, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tower-building.mp4", + "variation_id": 0, + "video_id": "59134" + }, + { + "bbox": [ + 50, + 9, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4041.mp4", + "variation_id": 0, + "video_id": "59135" + }, + { + "bbox": [ + 348, + 30, + 1199, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3cvl0DgJ9NI", + "variation_id": 0, + "video_id": "59136" + }, + { + "bbox": [ + 332, + 12, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=mnkfyONGx8k", + "variation_id": 0, + "video_id": "59137" + }, + { + "bbox": [ + 0, + 19, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tower.swf", + "variation_id": 0, + "video_id": "59138" + }, + { + "bbox": [ + 192, + 46, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tower.mp4", + "variation_id": 0, + "video_id": "59139" + } + ] + }, + { + "gloss": "tranquil", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4895, + "frame_start": 4819, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59348" + }, + { + "bbox": [ + 67, + 15, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/307903.mp4", + "variation_id": 0, + "video_id": "59349" + }, + { + "bbox": [ + 64, + 17, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726142.3586.mp4", + "variation_id": 0, + "video_id": "59350" + }, + { + "bbox": [ + 47, + 7, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tranquil.mp4", + "variation_id": 0, + "video_id": "59351" + }, + { + "bbox": [ + 81, + 22, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23512.mp4", + "variation_id": 0, + "video_id": "59352" + }, + { + "bbox": [ + 42, + 11, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/5/5611.mp4", + "variation_id": 0, + "video_id": "59353" + }, + { + "bbox": [ + 57, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6699.mp4", + "variation_id": 0, + "video_id": "59354" + }, + { + "bbox": [ + 0, + 8, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tranquil.swf", + "variation_id": 0, + "video_id": "59355" + } + ] + }, + { + "gloss": "transform", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4975, + "frame_start": 4929, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59379" + }, + { + "bbox": [ + 70, + 15, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/306748.mp4", + "variation_id": 0, + "video_id": "59383" + }, + { + "bbox": [ + 112, + 19, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466729718.948.mp4", + "variation_id": 0, + "video_id": "59384" + }, + { + "bbox": [ + 65, + 10, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/transform-change.mp4", + "variation_id": 0, + "video_id": "59385" + }, + { + "bbox": [ + 49, + 12, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3047.mp4", + "variation_id": 0, + "video_id": "59386" + }, + { + "bbox": [ + 345, + 55, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=tBQTiauTTzU", + "variation_id": 0, + "video_id": "59387" + }, + { + "bbox": [ + 4, + 15, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/transform.swf", + "variation_id": 0, + "video_id": "59388" + }, + { + "bbox": [ + 190, + 56, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/change.mp4", + "variation_id": 0, + "video_id": "59389" + } + ] + }, + { + "gloss": "tutor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5649, + "frame_start": 5597, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "60056" + }, + { + "bbox": [ + 42, + 7, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/483786.mp4", + "variation_id": 0, + "video_id": "60057" + }, + { + "bbox": [ + 481, + 92, + 1585, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tutor-bW0ul4cq1xw.mp4", + "variation_id": 0, + "video_id": "60058" + }, + { + "bbox": [ + 81, + 0, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947712.1287.mp4", + "variation_id": 0, + "video_id": "60059" + }, + { + "bbox": [ + 45, + 13, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tutor.mp4", + "variation_id": 0, + "video_id": "60060" + }, + { + "bbox": [ + 32, + 15, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/t/tutor-teach.mp4", + "variation_id": 0, + "video_id": "60061" + }, + { + "bbox": [ + 47, + 13, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3069.mp4", + "variation_id": 0, + "video_id": "60062" + }, + { + "bbox": [ + 165, + 51, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tutor.mp4", + "variation_id": 0, + "video_id": "60064" + } + ] + }, + { + "gloss": "twin", + "instances": [ + { + "bbox": [ + 363, + 16, + 915, + 720 + ], + "fps": 25, + "frame_end": 52, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=eRJROI0rMIw", + "variation_id": 0, + "video_id": "68438" + }, + { + "bbox": [ + 184, + 52, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/twin.mp4", + "variation_id": 0, + "video_id": "60164" + }, + { + "bbox": [ + 749, + 144, + 1526, + 1061 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Twins-3ldkNZsF6uM.mp4", + "variation_id": 0, + "video_id": "60155" + }, + { + "bbox": [ + 121, + 0, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947775.9155.mp4", + "variation_id": 0, + "video_id": "60156" + }, + { + "bbox": [ + 17, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/twin-offspring.mp4", + "variation_id": 0, + "video_id": "60157" + }, + { + "bbox": [ + 77, + 16, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23895.mp4", + "variation_id": 0, + "video_id": "60159" + }, + { + "bbox": [ + 79, + 14, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7828.mp4", + "variation_id": 0, + "video_id": "60161" + }, + { + "bbox": [ + 383, + 55, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SKpx1-ub5uc", + "variation_id": 0, + "video_id": "60162" + } + ] + }, + { + "gloss": "united states", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 422, + "frame_start": 367, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60720" + }, + { + "bbox": [ + 158, + 54, + 522, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/united-states.mp4", + "variation_id": 0, + "video_id": "60730" + }, + { + "bbox": [ + 50, + 7, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58573.mp4", + "variation_id": 0, + "video_id": "60722" + }, + { + "bbox": [ + 443, + 54, + 827, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/united-states.mp4", + "variation_id": 0, + "video_id": "60723" + }, + { + "bbox": [ + 567, + 117, + 1401, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20United%20States-X9agjlN2Smk.mp4", + "variation_id": 0, + "video_id": "60724" + }, + { + "bbox": [ + 77, + 4, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5749.mp4", + "variation_id": 0, + "video_id": "60728" + }, + { + "bbox": [ + 40, + 18, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/u/united_states.swf", + "variation_id": 0, + "video_id": "60729" + } + ] + }, + { + "gloss": "value", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 276, + "frame_start": 227, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61232" + }, + { + "bbox": [ + 386, + 40, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=iMl2vq3f1IA", + "variation_id": 0, + "video_id": "61240" + }, + { + "bbox": [ + 11, + 15, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/value.swf", + "variation_id": 0, + "video_id": "61241" + }, + { + "bbox": [ + 117, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925851.8789.mp4", + "variation_id": 0, + "video_id": "61233" + }, + { + "bbox": [ + 75, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6364.mp4", + "variation_id": 0, + "video_id": "61236" + }, + { + "bbox": [ + 61, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/7/7207.mp4", + "variation_id": 0, + "video_id": "61237" + }, + { + "bbox": [ + 332, + 67, + 901, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Hvuejr0iZ94", + "variation_id": 0, + "video_id": "61238" + }, + { + "bbox": [ + 386, + 40, + 996, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=iMl2vq3f1IA", + "variation_id": 0, + "video_id": "61239" + } + ] + }, + { + "gloss": "visitor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 688, + "frame_start": 616, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61825" + }, + { + "bbox": [ + 197, + 28, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 100, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VI/VISITOR-1398.mp4", + "variation_id": 0, + "video_id": "66732" + }, + { + "bbox": [ + 48, + 1, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/481449.mp4", + "variation_id": 0, + "video_id": "61826" + }, + { + "bbox": [ + 141, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926624.1747.mp4", + "variation_id": 0, + "video_id": "61827" + }, + { + "bbox": [ + 169, + 0, + 528, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/visitor.mp4", + "variation_id": 0, + "video_id": "61828" + }, + { + "bbox": [ + 66, + 9, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14525.mp4", + "variation_id": 0, + "video_id": "61829" + }, + { + "bbox": [ + 299, + 22, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=-MxgEkFNPdw", + "variation_id": 0, + "video_id": "61830" + }, + { + "bbox": [ + 227, + 38, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/visitor.mp4", + "variation_id": 0, + "video_id": "61831" + } + ] + }, + { + "gloss": "waiter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 139, + "frame_start": 87, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62086" + }, + { + "bbox": [ + 169, + 19, + 609, + 480 + ], + "fps": 25, + "frame_end": 5502, + "frame_start": 5383, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "test", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70171" + }, + { + "bbox": [ + 91, + 8, + 415, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/DiqK_g-NT3s", + "variation_id": 0, + "video_id": "67035" + }, + { + "bbox": [ + 12, + 2, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/481451.mp4", + "variation_id": 0, + "video_id": "62087" + }, + { + "bbox": [ + 640, + 30, + 1906, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Server-tSm6tPyXpKM.mp4", + "variation_id": 0, + "video_id": "62088" + }, + { + "bbox": [ + 45, + 8, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/waiter.mp4", + "variation_id": 0, + "video_id": "62091" + }, + { + "bbox": [ + 53, + 7, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14099.mp4", + "variation_id": 0, + "video_id": "62092" + }, + { + "bbox": [ + 6, + 2, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/w/waiter.swf", + "variation_id": 0, + "video_id": "62093" + } + ] + }, + { + "gloss": "wake up", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 186, + "frame_start": 140, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62142" + }, + { + "bbox": [ + 693, + 78, + 1634, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Open%20Eyes-L9vezC9vfN8.mp4", + "variation_id": 0, + "video_id": "62145" + }, + { + "bbox": [ + 27, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50934.mp4", + "variation_id": 0, + "video_id": "62143" + }, + { + "bbox": [ + 131, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926895.6392.mp4", + "variation_id": 0, + "video_id": "62146" + }, + { + "bbox": [ + 48, + 20, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wake-up.mp4", + "variation_id": 0, + "video_id": "62147" + }, + { + "bbox": [ + 47, + 4, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14132.mp4", + "variation_id": 0, + "video_id": "62148" + }, + { + "bbox": [ + 235, + 33, + 998, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=ihw5oazxW6o", + "variation_id": 0, + "video_id": "62149" + }, + { + "bbox": [ + 191, + 47, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/awake.mp4", + "variation_id": 0, + "video_id": "62150" + } + ] + }, + { + "gloss": "wallet", + "instances": [ + { + "bbox": [ + 183, + 33, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WALLET-359.mp4", + "variation_id": 0, + "video_id": "66745" + }, + { + "bbox": [ + 37, + 9, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/65932.mp4", + "variation_id": 0, + "video_id": "62189" + }, + { + "bbox": [ + 755, + 68, + 1618, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wallet-TP_rARyOxww.mp4", + "variation_id": 0, + "video_id": "62190" + }, + { + "bbox": [ + 175, + 14, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1527816587.3091.mp4", + "variation_id": 0, + "video_id": "62191" + }, + { + "bbox": [ + 63, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3147.mp4", + "variation_id": 0, + "video_id": "62192" + }, + { + "bbox": [ + 37, + 7, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com//main/w/wallet_2.swf", + "variation_id": 0, + "video_id": "62193" + }, + { + "bbox": [ + 13, + 20, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wallet.swf", + "variation_id": 0, + "video_id": "62194" + }, + { + "bbox": [ + 241, + 37, + 506, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wallet.mp4", + "variation_id": 0, + "video_id": "62195" + } + ] + }, + { + "gloss": "wander", + "instances": [ + { + "bbox": [ + 145, + 19, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/A5pKgtt-d5E", + "variation_id": 0, + "video_id": "67037" + }, + { + "bbox": [ + 59, + 15, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/90195.mp4", + "variation_id": 0, + "video_id": "62229" + }, + { + "bbox": [ + 669, + 154, + 1424, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wander%2C%20Amble%2C%20One%20Person%20Walking-z87dqQmd3Yw.mp4", + "variation_id": 0, + "video_id": "62230" + }, + { + "bbox": [ + 117, + 31, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499872957.648.mp4", + "variation_id": 0, + "video_id": "62231" + }, + { + "bbox": [ + 72, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wander.mp4", + "variation_id": 0, + "video_id": "62232" + }, + { + "bbox": [ + 49, + 7, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14501.mp4", + "variation_id": 0, + "video_id": "62234" + }, + { + "bbox": [ + 2, + 14, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/wander.swf", + "variation_id": 0, + "video_id": "62235" + }, + { + "bbox": [ + 239, + 37, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/astray.mp4", + "variation_id": 0, + "video_id": "62236" + } + ] + }, + { + "gloss": "wash face", + "instances": [ + { + "bbox": [ + 199, + 21, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WA/WASH-FACE-1412.mp4", + "variation_id": 0, + "video_id": "66748" + }, + { + "bbox": [ + 58, + 16, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/w/wash-face2.mp4", + "variation_id": 0, + "video_id": "62343" + }, + { + "bbox": [ + 51, + 14, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wash-face3.mp4", + "variation_id": 0, + "video_id": "62344" + }, + { + "bbox": [ + 57, + 15, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wash-face4.mp4", + "variation_id": 0, + "video_id": "62345" + }, + { + "bbox": [ + 71, + 15, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wash-face.mp4", + "variation_id": 0, + "video_id": "62346" + }, + { + "bbox": [ + 326, + 73, + 907, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 51, + "source": "nabboud", + "split": "val", + "url": "https://www.youtube.com/watch?v=A6gU1E6dA70", + "variation_id": 0, + "video_id": "62347" + }, + { + "bbox": [ + 335, + 72, + 906, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 51, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=YvXAHfXxiEM", + "variation_id": 0, + "video_id": "62348" + }, + { + "bbox": [ + 242, + 38, + 506, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wash-face.mp4", + "variation_id": 0, + "video_id": "62349" + } + ] + }, + { + "gloss": "weight", + "instances": [ + { + "bbox": [ + 89, + 4, + 242, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/weight.mov", + "variation_id": 0, + "video_id": "62790" + }, + { + "bbox": [ + 32, + 3, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/245011.mp4", + "variation_id": 0, + "video_id": "62791" + }, + { + "bbox": [ + 431, + 54, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/weight.mp4", + "variation_id": 0, + "video_id": "62792" + }, + { + "bbox": [ + 112, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927665.7928.mp4", + "variation_id": 0, + "video_id": "62793" + }, + { + "bbox": [ + 64, + 0, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/weight.mp4", + "variation_id": 0, + "video_id": "62794" + }, + { + "bbox": [ + 38, + 22, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/weights.mp4", + "variation_id": 0, + "video_id": "62795" + }, + { + "bbox": [ + 75, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8105.mp4", + "variation_id": 0, + "video_id": "62796" + }, + { + "bbox": [ + 228, + 34, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scale.mp4", + "variation_id": 0, + "video_id": "62797" + } + ] + }, + { + "gloss": "whale", + "instances": [ + { + "bbox": [ + 257, + 0, + 1067, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 116, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/whale.mp4", + "variation_id": 0, + "video_id": "69530" + }, + { + "bbox": [ + 180, + 55, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/whale.mp4", + "variation_id": 0, + "video_id": "62942" + }, + { + "bbox": [ + 23, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51097.mp4", + "variation_id": 0, + "video_id": "62933" + }, + { + "bbox": [ + 558, + 124, + 1602, + 1071 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Whale%202-msBH4JVyYes.mp4", + "variation_id": 0, + "video_id": "62934" + }, + { + "bbox": [ + 596, + 117, + 1592, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Whale-UXLj87WhMmM.mp4", + "variation_id": 0, + "video_id": "62936" + }, + { + "bbox": [ + 28, + 32, + 617, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1499952882.1300.mp4", + "variation_id": 0, + "video_id": "62937" + }, + { + "bbox": [ + 39, + 1, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/whale.mp4", + "variation_id": 0, + "video_id": "62938" + }, + { + "bbox": [ + 287, + 46, + 911, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=y4nmK9ehSd8", + "variation_id": 0, + "video_id": "62941" + } + ] + }, + { + "gloss": "whatever", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1837, + "frame_start": 1781, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62951" + }, + { + "bbox": [ + 166, + 31, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WH/WHATEVER-111.mp4", + "variation_id": 0, + "video_id": "66772" + }, + { + "bbox": [ + 98, + 13, + 396, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/wMcN9jrFH-c", + "variation_id": 0, + "video_id": "67060" + }, + { + "bbox": [ + 75, + 21, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307685.mp4", + "variation_id": 0, + "video_id": "62952" + }, + { + "bbox": [ + 132, + 4, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468927963.380.mp4", + "variation_id": 0, + "video_id": "62953" + }, + { + "bbox": [ + 128, + 0, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/whatever.mp4", + "variation_id": 0, + "video_id": "62954" + }, + { + "bbox": [ + 61, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8677.mp4", + "variation_id": 0, + "video_id": "62955" + }, + { + "bbox": [ + 56, + 3, + 505, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=TTridN6D22I", + "variation_id": 0, + "video_id": "62956" + } + ] + }, + { + "gloss": "within", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2971, + "frame_start": 2922, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63597" + }, + { + "bbox": [ + 75, + 20, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/307698.mp4", + "variation_id": 0, + "video_id": "63598" + }, + { + "bbox": [ + 679, + 97, + 1714, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Within-PMKxuVOuNKg.mp4", + "variation_id": 0, + "video_id": "63599" + }, + { + "bbox": [ + 56, + 11, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1469187767.8711.mp4", + "variation_id": 0, + "video_id": "63600" + }, + { + "bbox": [ + 93, + 0, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/within.mp4", + "variation_id": 0, + "video_id": "63601" + }, + { + "bbox": [ + 119, + 8, + 542, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/within-time.mp4", + "variation_id": 0, + "video_id": "63602" + }, + { + "bbox": [ + 79, + 19, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22816.mp4", + "variation_id": 0, + "video_id": "63603" + }, + { + "bbox": [ + 231, + 41, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/include.mp4", + "variation_id": 0, + "video_id": "63604" + } + ] + }, + { + "gloss": "wonder", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3363, + "frame_start": 3251, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63687" + }, + { + "bbox": [ + 54, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7495.mp4", + "variation_id": 0, + "video_id": "63701" + }, + { + "bbox": [ + 189, + 34, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 93, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WONDER-853.mp4", + "variation_id": 0, + "video_id": "66800" + }, + { + "bbox": [ + 12, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 42, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51083.mp4", + "variation_id": 0, + "video_id": "63695" + }, + { + "bbox": [ + 100, + 16, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/b6RZzR9yl7U", + "variation_id": 0, + "video_id": "67079" + }, + { + "bbox": [ + 858, + 61, + 1714, + 1065 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wonder-5wLAp1GQ1ww.mp4", + "variation_id": 0, + "video_id": "63696" + }, + { + "bbox": [ + 81, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468928966.864.mp4", + "variation_id": 0, + "video_id": "63697" + }, + { + "bbox": [ + 83, + 23, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wonder.mp4", + "variation_id": 0, + "video_id": "63698" + } + ] + }, + { + "gloss": "worker", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3631, + "frame_start": 3575, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63779" + }, + { + "bbox": [ + 169, + 14, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORKER-1451.mp4", + "variation_id": 0, + "video_id": "66805" + }, + { + "bbox": [ + 75, + 30, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/92802.mp4", + "variation_id": 0, + "video_id": "63780" + }, + { + "bbox": [ + 121, + 3, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468929099.8116.mp4", + "variation_id": 0, + "video_id": "63781" + }, + { + "bbox": [ + 62, + 13, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/worker.mp4", + "variation_id": 0, + "video_id": "63782" + }, + { + "bbox": [ + 79, + 14, + 240, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8395.mp4", + "variation_id": 0, + "video_id": "63783" + }, + { + "bbox": [ + 16, + 0, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/worker.swf", + "variation_id": 0, + "video_id": "63784" + }, + { + "bbox": [ + 228, + 37, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/worker.mp4", + "variation_id": 0, + "video_id": "63785" + } + ] + }, + { + "gloss": "worthless", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3924, + "frame_start": 3882, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63916" + }, + { + "bbox": [ + 167, + 12, + 461, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/WO/WORTHLESS-1463.mp4", + "variation_id": 0, + "video_id": "66812" + }, + { + "bbox": [ + 583, + 147, + 1426, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Worthless-PSQGvFvq9Ss.mp4", + "variation_id": 0, + "video_id": "63917" + }, + { + "bbox": [ + 89, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468929246.1574.mp4", + "variation_id": 0, + "video_id": "63918" + }, + { + "bbox": [ + 91, + 0, + 472, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/worthless.mp4", + "variation_id": 0, + "video_id": "63919" + }, + { + "bbox": [ + 60, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/3/3199.mp4", + "variation_id": 0, + "video_id": "63920" + }, + { + "bbox": [ + 325, + 58, + 1104, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kLW1WeAQvK4", + "variation_id": 0, + "video_id": "63921" + }, + { + "bbox": [ + 213, + 38, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/worthless.mp4", + "variation_id": 0, + "video_id": "63922" + } + ] + }, + { + "gloss": "wrap", + "instances": [ + { + "bbox": [ + 385, + 33, + 1003, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 117, + "source": "aslbrick", + "split": "val", + "url": "http://aslbricks.org/New/ASL-Videos/wrap.mp4", + "variation_id": 0, + "video_id": "69542" + }, + { + "bbox": [ + 75, + 30, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/92806.mp4", + "variation_id": 0, + "video_id": "63970" + }, + { + "bbox": [ + 94, + 18, + 655, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546378910.489.mp4", + "variation_id": 0, + "video_id": "63971" + }, + { + "bbox": [ + 15, + 11, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/wrap-enclose.mp4", + "variation_id": 0, + "video_id": "63972" + }, + { + "bbox": [ + 46, + 24, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22348.mp4", + "variation_id": 0, + "video_id": "63974" + }, + { + "bbox": [ + 61, + 23, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/22/22537.mp4", + "variation_id": 0, + "video_id": "63975" + }, + { + "bbox": [ + 271, + 43, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=eKA72B1HKMs", + "variation_id": 0, + "video_id": "63976" + }, + { + "bbox": [ + 226, + 38, + 506, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wrap.mp4", + "variation_id": 0, + "video_id": "63978" + } + ] + }, + { + "gloss": "accent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 343, + "frame_start": 291, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "00581" + }, + { + "bbox": [ + 155, + 12, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACCENT-584.mp4", + "variation_id": 0, + "video_id": "65006" + }, + { + "bbox": [ + 602, + 48, + 1641, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Accent%202-SaseF7Kb1VE.mp4", + "variation_id": 0, + "video_id": "00583" + }, + { + "bbox": [ + 673, + 54, + 1668, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Accent%20tap-SJfyDBBgvHw.mp4", + "variation_id": 0, + "video_id": "00584" + }, + { + "bbox": [ + 579, + 47, + 1666, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Accent-4yL_X6-VnxY.mp4", + "variation_id": 0, + "video_id": "00585" + }, + { + "bbox": [ + 708, + 64, + 1525, + 1053 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Neck%2C%20Accent-C_WHcKeM4Uo.mp4", + "variation_id": 0, + "video_id": "00586" + }, + { + "bbox": [ + 12, + 25, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/accent.mp4", + "variation_id": 0, + "video_id": "00587" + } + ] + }, + { + "gloss": "act", + "instances": [ + { + "bbox": [ + 144, + 5, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AC/ACT-5.mp4", + "variation_id": 0, + "video_id": "65014" + }, + { + "bbox": [ + 758, + 44, + 1883, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Performance%2C%20Play%2C%20Act%2C%20Drama-VWgTHdFGC7g.mp4", + "variation_id": 0, + "video_id": "00846" + }, + { + "bbox": [ + 78, + 6, + 416, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/QiYBOsNjU6E", + "variation_id": 0, + "video_id": "67346" + }, + { + "bbox": [ + 78, + 17, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466168888.1537.mp4", + "variation_id": 0, + "video_id": "00847" + }, + { + "bbox": [ + 64, + 11, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6372.mp4", + "variation_id": 0, + "video_id": "00849" + }, + { + "bbox": [ + 7, + 19, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/act.swf", + "variation_id": 0, + "video_id": "00850" + }, + { + "bbox": [ + 190, + 47, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/act.mp4", + "variation_id": 0, + "video_id": "00851" + } + ] + }, + { + "gloss": "adapt", + "instances": [ + { + "bbox": [ + 92, + 3, + 229, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/adaption.mov", + "variation_id": 0, + "video_id": "00943" + }, + { + "bbox": [ + 94, + 42, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93182.mp4", + "variation_id": 0, + "video_id": "00944" + }, + { + "bbox": [ + 736, + 143, + 1527, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Change-f_fl73dep8U.mp4", + "variation_id": 0, + "video_id": "00946" + }, + { + "bbox": [ + 120, + 21, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466902988.9021.mp4", + "variation_id": 0, + "video_id": "00947" + }, + { + "bbox": [ + 80, + 14, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14623.mp4", + "variation_id": 0, + "video_id": "00949" + }, + { + "bbox": [ + 17, + 16, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/adapt.swf", + "variation_id": 0, + "video_id": "00950" + }, + { + "bbox": [ + 244, + 37, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/adapt.mp4", + "variation_id": 0, + "video_id": "00951" + } + ] + }, + { + "gloss": "adjective", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 739, + "frame_start": 674, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01062" + }, + { + "bbox": [ + 76, + 14, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/118339.mp4", + "variation_id": 0, + "video_id": "01064" + }, + { + "bbox": [ + 709, + 47, + 1623, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Adjective%2C%20Adjourn-Eu8W3GPjUz0.mp4", + "variation_id": 0, + "video_id": "01065" + }, + { + "bbox": [ + 92, + 24, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466170086.8885.mp4", + "variation_id": 0, + "video_id": "01066" + }, + { + "bbox": [ + 110, + 0, + 495, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/adjective.mp4", + "variation_id": 0, + "video_id": "01067" + }, + { + "bbox": [ + 59, + 18, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8657.mp4", + "variation_id": 0, + "video_id": "01068" + }, + { + "bbox": [ + 20, + 20, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/adjective.swf", + "variation_id": 0, + "video_id": "01069" + } + ] + }, + { + "gloss": "adjust", + "instances": [ + { + "bbox": [ + 59, + 8, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 29, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/72312.mp4", + "variation_id": 0, + "video_id": "01073" + }, + { + "bbox": [ + 112, + 19, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466729718.948.mp4", + "variation_id": 0, + "video_id": "01074" + }, + { + "bbox": [ + 75, + 30, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/adjust.mp4", + "variation_id": 0, + "video_id": "01075" + }, + { + "bbox": [ + 80, + 14, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14623.mp4", + "variation_id": 0, + "video_id": "01076" + }, + { + "bbox": [ + 386, + 62, + 983, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dg7wOCPcHOw", + "variation_id": 0, + "video_id": "01077" + }, + { + "bbox": [ + 5, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/adjust.swf", + "variation_id": 0, + "video_id": "01078" + }, + { + "bbox": [ + 247, + 34, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/adjust.mp4", + "variation_id": 0, + "video_id": "01079" + } + ] + }, + { + "gloss": "admire", + "instances": [ + { + "bbox": [ + 148, + 31, + 500, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AD/ADMIRE-777.mp4", + "variation_id": 0, + "video_id": "65020" + }, + { + "bbox": [ + 52, + 15, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91349.mp4", + "variation_id": 0, + "video_id": "01100" + }, + { + "bbox": [ + 136, + 22, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466170195.1777.mp4", + "variation_id": 0, + "video_id": "01101" + }, + { + "bbox": [ + 57, + 11, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/admire.mp4", + "variation_id": 0, + "video_id": "01102" + }, + { + "bbox": [ + 72, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14541.mp4", + "variation_id": 0, + "video_id": "01103" + }, + { + "bbox": [ + 12, + 14, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/admire.swf", + "variation_id": 0, + "video_id": "01106" + }, + { + "bbox": [ + 236, + 37, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/admire.mp4", + "variation_id": 0, + "video_id": "01107" + } + ] + }, + { + "gloss": "admit", + "instances": [ + { + "bbox": [ + 209, + 31, + 463, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 91, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AD/ADMIT-1970.mp4", + "variation_id": 0, + "video_id": "65021" + }, + { + "bbox": [ + 347, + 48, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=yUbsYC5nE3M", + "variation_id": 0, + "video_id": "01124" + }, + { + "bbox": [ + 237, + 38, + 504, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/admit.mp4", + "variation_id": 0, + "video_id": "01127" + }, + { + "bbox": [ + 587, + 42, + 1641, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Admit%2C%20Confess%203-uXyf25RuSCk.mp4", + "variation_id": 0, + "video_id": "01118" + }, + { + "bbox": [ + 72, + 22, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466170335.8690.mp4", + "variation_id": 0, + "video_id": "01120" + }, + { + "bbox": [ + 78, + 20, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/admit.mp4", + "variation_id": 0, + "video_id": "01121" + }, + { + "bbox": [ + 66, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14330.mp4", + "variation_id": 0, + "video_id": "01122" + } + ] + }, + { + "gloss": "advanced", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 855, + "frame_start": 823, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01224" + }, + { + "bbox": [ + 43, + 25, + 314, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91350.mp4", + "variation_id": 0, + "video_id": "01226" + }, + { + "bbox": [ + 449, + 25, + 1852, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Advanced-vhYX85QlGEI.mp4", + "variation_id": 0, + "video_id": "01227" + }, + { + "bbox": [ + 30, + 22, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/advanced.mp4", + "variation_id": 0, + "video_id": "01228" + }, + { + "bbox": [ + 38, + 12, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23044.mp4", + "variation_id": 0, + "video_id": "01229" + }, + { + "bbox": [ + 124, + 73, + 1131, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=R-DOV6pVzy8", + "variation_id": 0, + "video_id": "01230" + }, + { + "bbox": [ + 215, + 36, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/advanced.mp4", + "variation_id": 0, + "video_id": "01231" + } + ] + }, + { + "gloss": "adverb", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 983, + "frame_start": 913, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "01263" + }, + { + "bbox": [ + 82, + 9, + 222, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 43, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/adverb.mov", + "variation_id": 0, + "video_id": "01264" + }, + { + "bbox": [ + 70, + 4, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/118352.mp4", + "variation_id": 0, + "video_id": "01265" + }, + { + "bbox": [ + 98, + 27, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466170840.3051.mp4", + "variation_id": 0, + "video_id": "01266" + }, + { + "bbox": [ + 139, + 0, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/adverb.mp4", + "variation_id": 0, + "video_id": "01267" + }, + { + "bbox": [ + 69, + 19, + 209, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8656.mp4", + "variation_id": 0, + "video_id": "01268" + }, + { + "bbox": [ + 21, + 21, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/adverb.swf", + "variation_id": 0, + "video_id": "01269" + } + ] + }, + { + "gloss": "agreement", + "instances": [ + { + "bbox": [ + 200, + 39, + 513, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 89, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AG/AGREEMENT-2056.mp4", + "variation_id": 0, + "video_id": "65037" + }, + { + "bbox": [ + 35, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/118369.mp4", + "variation_id": 0, + "video_id": "01583" + }, + { + "bbox": [ + 93, + 17, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/ng3kpuTdX6g", + "variation_id": 0, + "video_id": "67353" + }, + { + "bbox": [ + 556, + 80, + 1542, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Agree%2C%20Agreement-twWwDKv5vq4.mp4", + "variation_id": 0, + "video_id": "01584" + }, + { + "bbox": [ + 133, + 0, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468946987.8516.mp4", + "variation_id": 0, + "video_id": "01585" + }, + { + "bbox": [ + 58, + 19, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8508.mp4", + "variation_id": 0, + "video_id": "01586" + }, + { + "bbox": [ + 163, + 49, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/agree.mp4", + "variation_id": 0, + "video_id": "01587" + } + ] + }, + { + "gloss": "aid", + "instances": [ + { + "bbox": [ + 71, + 9, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/118372.mp4", + "variation_id": 0, + "video_id": "01621" + }, + { + "bbox": [ + 69, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 23, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/188300.mp4", + "variation_id": 0, + "video_id": "01622" + }, + { + "bbox": [ + 122, + 20, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466171807.3148.mp4", + "variation_id": 0, + "video_id": "01624" + }, + { + "bbox": [ + 170, + 0, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/aid.mp4", + "variation_id": 0, + "video_id": "01625" + }, + { + "bbox": [ + 92, + 24, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23431.mp4", + "variation_id": 0, + "video_id": "01626" + }, + { + "bbox": [ + 72, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6389.mp4", + "variation_id": 0, + "video_id": "01627" + }, + { + "bbox": [ + 330, + 18, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=r9JzT9nM6aw", + "variation_id": 0, + "video_id": "01628" + } + ] + }, + { + "gloss": "alligator", + "instances": [ + { + "bbox": [ + 69, + 6, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/118409.mp4", + "variation_id": 0, + "video_id": "02008" + }, + { + "bbox": [ + 689, + 131, + 1409, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Alligator-L4NRfJmp58E.mp4", + "variation_id": 0, + "video_id": "02009" + }, + { + "bbox": [ + 86, + 7, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466173069.583.mp4", + "variation_id": 0, + "video_id": "02010" + }, + { + "bbox": [ + 223, + 36, + 524, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/alligator.mp4", + "variation_id": 0, + "video_id": "02011" + }, + { + "bbox": [ + 89, + 19, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7311.mp4", + "variation_id": 0, + "video_id": "02012" + }, + { + "bbox": [ + 13, + 5, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/alligator.swf", + "variation_id": 0, + "video_id": "02013" + }, + { + "bbox": [ + 247, + 38, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/alligator.mp4", + "variation_id": 0, + "video_id": "02014" + } + ] + }, + { + "gloss": "amputate", + "instances": [ + { + "bbox": [ + 57, + 20, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91695.mp4", + "variation_id": 0, + "video_id": "02429" + }, + { + "bbox": [ + 582, + 115, + 1666, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Amputate-w4LXaODN7Is.mp4", + "variation_id": 0, + "video_id": "02430" + }, + { + "bbox": [ + 116, + 18, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1527807865.3099.mp4", + "variation_id": 0, + "video_id": "02431" + }, + { + "bbox": [ + 59, + 28, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/amputate-leg.mp4", + "variation_id": 0, + "video_id": "02432" + }, + { + "bbox": [ + 134, + 18, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/amputate.mp4", + "variation_id": 0, + "video_id": "02433" + }, + { + "bbox": [ + 29, + 12, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1090.mp4", + "variation_id": 0, + "video_id": "02434" + }, + { + "bbox": [ + 178, + 46, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/amputate.mp4", + "variation_id": 0, + "video_id": "02435" + } + ] + }, + { + "gloss": "anatomy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2382, + "frame_start": 2303, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02484" + }, + { + "bbox": [ + 54, + 19, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96996.mp4", + "variation_id": 0, + "video_id": "02485" + }, + { + "bbox": [ + 73, + 0, + 623, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466683958.8781.mp4", + "variation_id": 0, + "video_id": "02487" + }, + { + "bbox": [ + 141, + 31, + 542, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/anatomy.mp4", + "variation_id": 0, + "video_id": "02488" + }, + { + "bbox": [ + 44, + 11, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5330.mp4", + "variation_id": 0, + "video_id": "02490" + }, + { + "bbox": [ + 0, + 4, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/anatomy.swf", + "variation_id": 0, + "video_id": "02491" + }, + { + "bbox": [ + 168, + 46, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/anatomy.mp4", + "variation_id": 0, + "video_id": "02492" + } + ] + }, + { + "gloss": "annoy", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2822, + "frame_start": 2780, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02634" + }, + { + "bbox": [ + 23, + 18, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/a/annoy.swf", + "variation_id": 0, + "video_id": "02652" + }, + { + "bbox": [ + 59, + 0, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455425.mp4", + "variation_id": 0, + "video_id": "02643" + }, + { + "bbox": [ + 240, + 36, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/annoy.mp4", + "variation_id": 0, + "video_id": "02653" + }, + { + "bbox": [ + 743, + 48, + 1610, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Annoy%2C%20Pester-1gSZNhfWT3s.mp4", + "variation_id": 0, + "video_id": "02644" + }, + { + "bbox": [ + 113, + 74, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546572573.9251.mp4", + "variation_id": 0, + "video_id": "02645" + }, + { + "bbox": [ + 90, + 14, + 442, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/annoy.mp4", + "variation_id": 0, + "video_id": "02646" + } + ] + }, + { + "gloss": "anyway", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3012, + "frame_start": 2956, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "02850" + }, + { + "bbox": [ + 80, + 17, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/307852.mp4", + "variation_id": 0, + "video_id": "02851" + }, + { + "bbox": [ + 127, + 23, + 609, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466511157.3377.mp4", + "variation_id": 0, + "video_id": "02852" + }, + { + "bbox": [ + 132, + 40, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/anyway.mp4", + "variation_id": 0, + "video_id": "02853" + }, + { + "bbox": [ + 61, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8677.mp4", + "variation_id": 0, + "video_id": "02854" + }, + { + "bbox": [ + 328, + 53, + 1019, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=cFteewo0pj0", + "variation_id": 0, + "video_id": "02855" + }, + { + "bbox": [ + 186, + 48, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/anyway.mp4", + "variation_id": 0, + "video_id": "02856" + } + ] + }, + { + "gloss": "approach", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3376, + "frame_start": 3330, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03089" + }, + { + "bbox": [ + 179, + 22, + 537, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AP/APPROACH-2308.mp4", + "variation_id": 0, + "video_id": "65088" + }, + { + "bbox": [ + 48, + 7, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/436578.mp4", + "variation_id": 0, + "video_id": "03090" + }, + { + "bbox": [ + 580, + 34, + 1707, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Confront%203-t48HzefhB8o.mp4", + "variation_id": 0, + "video_id": "03092" + }, + { + "bbox": [ + 85, + 17, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512088.3433.mp4", + "variation_id": 0, + "video_id": "03093" + }, + { + "bbox": [ + 105, + 20, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/approach.mp4", + "variation_id": 0, + "video_id": "03094" + }, + { + "bbox": [ + 56, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14712.mp4", + "variation_id": 0, + "video_id": "03096" + } + ] + }, + { + "gloss": "arizona", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3759, + "frame_start": 3687, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03311" + }, + { + "bbox": [ + 162, + 4, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 88, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/AR/ARIZONA-770.mp4", + "variation_id": 0, + "video_id": "65093" + }, + { + "bbox": [ + 755, + 54, + 1698, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Arizona--KIqAPivawk.mp4", + "variation_id": 0, + "video_id": "03315" + }, + { + "bbox": [ + 133, + 19, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466512543.7881.mp4", + "variation_id": 0, + "video_id": "03316" + }, + { + "bbox": [ + 120, + 9, + 453, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/arizona.mp4", + "variation_id": 0, + "video_id": "03317" + }, + { + "bbox": [ + 59, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9425.mp4", + "variation_id": 0, + "video_id": "03318" + }, + { + "bbox": [ + 34, + 14, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/arizona_2.swf", + "variation_id": 0, + "video_id": "03320" + } + ] + }, + { + "gloss": "assist", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4242, + "frame_start": 4186, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03750" + }, + { + "bbox": [ + 73, + 10, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122599.mp4", + "variation_id": 0, + "video_id": "03765" + }, + { + "bbox": [ + 80, + 14, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580671.3652.mp4", + "variation_id": 0, + "video_id": "03766" + }, + { + "bbox": [ + 144, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/assist.mp4", + "variation_id": 0, + "video_id": "03767" + }, + { + "bbox": [ + 92, + 24, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23431.mp4", + "variation_id": 0, + "video_id": "03768" + }, + { + "bbox": [ + 72, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6389.mp4", + "variation_id": 0, + "video_id": "03769" + }, + { + "bbox": [ + 201, + 48, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/assist.mp4", + "variation_id": 0, + "video_id": "03771" + } + ] + }, + { + "gloss": "assume", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4342, + "frame_start": 4300, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "03797" + }, + { + "bbox": [ + 33, + 3, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122603.mp4", + "variation_id": 0, + "video_id": "03799" + }, + { + "bbox": [ + 110, + 27, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646064.1591.mp4", + "variation_id": 0, + "video_id": "03800" + }, + { + "bbox": [ + 131, + 42, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/assume.mp4", + "variation_id": 0, + "video_id": "03801" + }, + { + "bbox": [ + 73, + 13, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6157.mp4", + "variation_id": 0, + "video_id": "03802" + }, + { + "bbox": [ + 4, + 17, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/assume.swf", + "variation_id": 0, + "video_id": "03804" + }, + { + "bbox": [ + 202, + 47, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/assume.mp4", + "variation_id": 0, + "video_id": "03805" + } + ] + }, + { + "gloss": "attorney", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4556, + "frame_start": 4500, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04049" + }, + { + "bbox": [ + 66, + 5, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122833.mp4", + "variation_id": 0, + "video_id": "04050" + }, + { + "bbox": [ + 142, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671558.6003.mp4", + "variation_id": 0, + "video_id": "04051" + }, + { + "bbox": [ + 123, + 22, + 463, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/attorney.mp4", + "variation_id": 0, + "video_id": "04052" + }, + { + "bbox": [ + 53, + 7, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14170.mp4", + "variation_id": 0, + "video_id": "04053" + }, + { + "bbox": [ + 13, + 3, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 18, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/attorney.swf", + "variation_id": 0, + "video_id": "04054" + }, + { + "bbox": [ + 237, + 38, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/attorney.mp4", + "variation_id": 0, + "video_id": "04055" + } + ] + }, + { + "gloss": "audiologist", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4820, + "frame_start": 4731, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04128" + }, + { + "bbox": [ + 59, + 19, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/94075.mp4", + "variation_id": 0, + "video_id": "04129" + }, + { + "bbox": [ + 95, + 18, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646734.4010.mp4", + "variation_id": 0, + "video_id": "04130" + }, + { + "bbox": [ + 161, + 6, + 522, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/audiologist.mp4", + "variation_id": 0, + "video_id": "04131" + }, + { + "bbox": [ + 41, + 5, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14437.mp4", + "variation_id": 0, + "video_id": "04132" + }, + { + "bbox": [ + 40, + 0, + 720, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 62, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=qFeZGwhXcLU", + "variation_id": 0, + "video_id": "04133" + }, + { + "bbox": [ + 157, + 49, + 573, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/audiologist.mp4", + "variation_id": 0, + "video_id": "04134" + } + ] + }, + { + "gloss": "audiology", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4897, + "frame_start": 4821, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04135" + }, + { + "bbox": [ + 48, + 2, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122841.mp4", + "variation_id": 0, + "video_id": "04136" + }, + { + "bbox": [ + 585, + 61, + 1555, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Audiology-jvSDJ0ILxaE.mp4", + "variation_id": 0, + "video_id": "04137" + }, + { + "bbox": [ + 78, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/audiology.mp4", + "variation_id": 0, + "video_id": "04138" + }, + { + "bbox": [ + 42, + 6, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14828.mp4", + "variation_id": 0, + "video_id": "04139" + }, + { + "bbox": [ + 0, + 9, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/audiology.swf", + "variation_id": 0, + "video_id": "04140" + }, + { + "bbox": [ + 167, + 49, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/audiology.mp4", + "variation_id": 0, + "video_id": "04141" + } + ] + }, + { + "gloss": "austria", + "instances": [ + { + "bbox": [ + 69, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455288.mp4", + "variation_id": 0, + "video_id": "04200" + }, + { + "bbox": [ + 445, + 51, + 832, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/austria.mp4", + "variation_id": 0, + "video_id": "04201" + }, + { + "bbox": [ + 587, + 106, + 1487, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Austria-d9DVaZTwDBg.mp4", + "variation_id": 0, + "video_id": "04202" + }, + { + "bbox": [ + 111, + 33, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1553865021.6052.mp4", + "variation_id": 0, + "video_id": "04203" + }, + { + "bbox": [ + 111, + 11, + 497, + 479 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/austria2.mp4", + "variation_id": 0, + "video_id": "04204" + }, + { + "bbox": [ + 113, + 14, + 500, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/austria.mp4", + "variation_id": 0, + "video_id": "04205" + }, + { + "bbox": [ + 355, + 42, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FpR-ii38Cbg", + "variation_id": 0, + "video_id": "04207" + } + ] + }, + { + "gloss": "author", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5134, + "frame_start": 5068, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04216" + }, + { + "bbox": [ + 58, + 1, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/122849.mp4", + "variation_id": 0, + "video_id": "04218" + }, + { + "bbox": [ + 76, + 24, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466646995.3657.mp4", + "variation_id": 0, + "video_id": "04219" + }, + { + "bbox": [ + 59, + 14, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/author.mp4", + "variation_id": 0, + "video_id": "04220" + }, + { + "bbox": [ + 70, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9084.mp4", + "variation_id": 0, + "video_id": "04221" + }, + { + "bbox": [ + 6, + 17, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/author.swf", + "variation_id": 0, + "video_id": "04222" + }, + { + "bbox": [ + 201, + 48, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/author.mp4", + "variation_id": 0, + "video_id": "04223" + } + ] + }, + { + "gloss": "available", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5291, + "frame_start": 5235, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04300" + }, + { + "bbox": [ + 36, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51317.mp4", + "variation_id": 0, + "video_id": "04301" + }, + { + "bbox": [ + 79, + 24, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466647125.2012.mp4", + "variation_id": 0, + "video_id": "04302" + }, + { + "bbox": [ + 13, + 0, + 624, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/available.mp4", + "variation_id": 0, + "video_id": "04303" + }, + { + "bbox": [ + 79, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7802.mp4", + "variation_id": 0, + "video_id": "04304" + }, + { + "bbox": [ + 265, + 27, + 1098, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PxKpaqPygRQ", + "variation_id": 0, + "video_id": "04305" + }, + { + "bbox": [ + 191, + 50, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/available.mp4", + "variation_id": 0, + "video_id": "04307" + } + ] + }, + { + "gloss": "award", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5515, + "frame_start": 5459, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04363" + }, + { + "bbox": [ + 53, + 3, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/123105.mp4", + "variation_id": 0, + "video_id": "04364" + }, + { + "bbox": [ + 69, + 1, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/award-verb.mp4", + "variation_id": 0, + "video_id": "04367" + }, + { + "bbox": [ + 74, + 6, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6042.mp4", + "variation_id": 0, + "video_id": "04369" + }, + { + "bbox": [ + 318, + 49, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=IipfNSV0A5I", + "variation_id": 0, + "video_id": "04370" + }, + { + "bbox": [ + 15, + 21, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/award.swf", + "variation_id": 0, + "video_id": "04371" + }, + { + "bbox": [ + 175, + 49, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/award.mp4", + "variation_id": 0, + "video_id": "04372" + } + ] + }, + { + "gloss": "aware", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5582, + "frame_start": 5516, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=jPn0FQxkdBc", + "variation_id": 0, + "video_id": "04374" + }, + { + "bbox": [ + 58, + 5, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/123106.mp4", + "variation_id": 0, + "video_id": "04375" + }, + { + "bbox": [ + 124, + 30, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466647444.2552.mp4", + "variation_id": 0, + "video_id": "04376" + }, + { + "bbox": [ + 150, + 34, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/a/aware.mp4", + "variation_id": 0, + "video_id": "04377" + }, + { + "bbox": [ + 48, + 9, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9496.mp4", + "variation_id": 0, + "video_id": "04378" + }, + { + "bbox": [ + 3, + 18, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/a/aware.swf", + "variation_id": 0, + "video_id": "04379" + }, + { + "bbox": [ + 182, + 49, + 547, + 399 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/aware.mp4", + "variation_id": 0, + "video_id": "04380" + } + ] + }, + { + "gloss": "bank", + "instances": [ + { + "bbox": [ + 491, + 80, + 1381, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 45, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bank-YxlgxRkyOts.mp4", + "variation_id": 0, + "video_id": "04971" + }, + { + "bbox": [ + 202, + 21, + 1018, + 720 + ], + "fps": 25, + "frame_end": 97, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=Sog5A9zWV6k", + "variation_id": 0, + "video_id": "68886" + }, + { + "bbox": [ + 91, + 19, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/bt344QEU2d0", + "variation_id": 0, + "video_id": "67388" + }, + { + "bbox": [ + 68, + 29, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466648802.3920.mp4", + "variation_id": 0, + "video_id": "04972" + }, + { + "bbox": [ + 36, + 18, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bank-fs.mp4", + "variation_id": 0, + "video_id": "04973" + }, + { + "bbox": [ + 71, + 18, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22582.mp4", + "variation_id": 0, + "video_id": "04974" + }, + { + "bbox": [ + 9, + 7, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/bank_1.swf", + "variation_id": 0, + "video_id": "04975" + } + ] + }, + { + "gloss": "baptize", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 822, + "frame_start": 760, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05016" + }, + { + "bbox": [ + 462, + 94, + 1668, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Baptize%20copy-wgnf1YMsagc.mp4", + "variation_id": 0, + "video_id": "05017" + }, + { + "bbox": [ + 392, + 67, + 1446, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Baptize-WCNl5QMSx-c.mp4", + "variation_id": 0, + "video_id": "05018" + }, + { + "bbox": [ + 57, + 11, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 17, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1471142459.5834.mp4", + "variation_id": 0, + "video_id": "05019" + }, + { + "bbox": [ + 53, + 12, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1177.mp4", + "variation_id": 0, + "video_id": "05020" + }, + { + "bbox": [ + 20, + 17, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/baptize.swf", + "variation_id": 0, + "video_id": "05024" + }, + { + "bbox": [ + 214, + 37, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/baptism.mp4", + "variation_id": 0, + "video_id": "05025" + } + ] + }, + { + "gloss": "basic", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1031, + "frame_start": 959, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05215" + }, + { + "bbox": [ + 190, + 41, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BASIC-2092.mp4", + "variation_id": 0, + "video_id": "65143" + }, + { + "bbox": [ + 618, + 58, + 1763, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Bottom%20or%20Basic%20unclear-pj2SCDaDN10.mp4", + "variation_id": 0, + "video_id": "05216" + }, + { + "bbox": [ + 62, + 21, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466649420.7651.mp4", + "variation_id": 0, + "video_id": "05217" + }, + { + "bbox": [ + 45, + 2, + 601, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/basic.mp4", + "variation_id": 0, + "video_id": "05218" + }, + { + "bbox": [ + 66, + 10, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14494.mp4", + "variation_id": 0, + "video_id": "05219" + }, + { + "bbox": [ + 3, + 16, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/basic.swf", + "variation_id": 0, + "video_id": "05220" + } + ] + }, + { + "gloss": "battery", + "instances": [ + { + "bbox": [ + 200, + 25, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BA/BATTERY-345.mp4", + "variation_id": 0, + "video_id": "65149" + }, + { + "bbox": [ + 147, + 21, + 533, + 480 + ], + "fps": 25, + "frame_end": 2975, + "frame_start": 2867, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70094" + }, + { + "bbox": [ + 56, + 12, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/123602.mp4", + "variation_id": 0, + "video_id": "05358" + }, + { + "bbox": [ + 95, + 17, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/q1H20xjATqo", + "variation_id": 0, + "video_id": "67395" + }, + { + "bbox": [ + 77, + 14, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7944.mp4", + "variation_id": 0, + "video_id": "05362" + }, + { + "bbox": [ + 352, + 34, + 1007, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=CGrj8fLk73M", + "variation_id": 0, + "video_id": "05363" + }, + { + "bbox": [ + 0, + 0, + 256, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/battery.swf", + "variation_id": 0, + "video_id": "05364" + } + ] + }, + { + "gloss": "berry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2296, + "frame_start": 2250, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05986" + }, + { + "bbox": [ + 203, + 30, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BERRY-1976.mp4", + "variation_id": 0, + "video_id": "65176" + }, + { + "bbox": [ + 4, + 0, + 313, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/184828.mp4", + "variation_id": 0, + "video_id": "05987" + }, + { + "bbox": [ + 630, + 76, + 1636, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Berry-adE3nJntdHw.mp4", + "variation_id": 0, + "video_id": "05988" + }, + { + "bbox": [ + 68, + 4, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5651.mp4", + "variation_id": 0, + "video_id": "05989" + }, + { + "bbox": [ + 0, + 19, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/berry.swf", + "variation_id": 0, + "video_id": "05991" + }, + { + "bbox": [ + 166, + 53, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/berry.mp4", + "variation_id": 0, + "video_id": "05992" + } + ] + }, + { + "gloss": "beside", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2336, + "frame_start": 2297, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "05997" + }, + { + "bbox": [ + 178, + 51, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/beside.mp4", + "variation_id": 0, + "video_id": "06007" + }, + { + "bbox": [ + 36, + 13, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124287.mp4", + "variation_id": 0, + "video_id": "05998" + }, + { + "bbox": [ + 140, + 10, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681745.556.mp4", + "variation_id": 0, + "video_id": "05999" + }, + { + "bbox": [ + 15, + 2, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/beside.mp4", + "variation_id": 0, + "video_id": "06000" + }, + { + "bbox": [ + 76, + 9, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6038.mp4", + "variation_id": 0, + "video_id": "06001" + }, + { + "bbox": [ + 73, + 7, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6039.mp4", + "variation_id": 0, + "video_id": "06002" + } + ] + }, + { + "gloss": "between", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2535, + "frame_start": 2463, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06077" + }, + { + "bbox": [ + 197, + 41, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 89, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BE/BETWEEN-2105.mp4", + "variation_id": 0, + "video_id": "65180" + }, + { + "bbox": [ + 68, + 10, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/124294.mp4", + "variation_id": 0, + "video_id": "06081" + }, + { + "bbox": [ + 785, + 64, + 1636, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Share-IaO4TjGuEYw.mp4", + "variation_id": 0, + "video_id": "06082" + }, + { + "bbox": [ + 140, + 4, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466681869.9080.mp4", + "variation_id": 0, + "video_id": "06083" + }, + { + "bbox": [ + 65, + 16, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1218.mp4", + "variation_id": 0, + "video_id": "06085" + }, + { + "bbox": [ + 172, + 52, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/between.mp4", + "variation_id": 0, + "video_id": "06087" + } + ] + }, + { + "gloss": "binoculars", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2761, + "frame_start": 2662, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06298" + }, + { + "bbox": [ + 146, + 16, + 505, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BI/BINOCULARS-2445.mp4", + "variation_id": 0, + "video_id": "65185" + }, + { + "bbox": [ + 90, + 0, + 440, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/QcVAQ0fNCSU", + "variation_id": 0, + "video_id": "67409" + }, + { + "bbox": [ + 614, + 73, + 1604, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Binoculars-LRZZ54rvFIY.mp4", + "variation_id": 0, + "video_id": "06299" + }, + { + "bbox": [ + 47, + 8, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1227.mp4", + "variation_id": 0, + "video_id": "06300" + }, + { + "bbox": [ + 6, + 5, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/binoculars.swf", + "variation_id": 0, + "video_id": "06301" + }, + { + "bbox": [ + 155, + 53, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/binoculars.mp4", + "variation_id": 0, + "video_id": "06302" + } + ] + }, + { + "gloss": "blow", + "instances": [ + { + "bbox": [ + 64, + 13, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91377.mp4", + "variation_id": 0, + "video_id": "06787" + }, + { + "bbox": [ + 720, + 67, + 1517, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Exhale%20From%20Mouth-nCd8HyOooxY.mp4", + "variation_id": 0, + "video_id": "06788" + }, + { + "bbox": [ + 121, + 20, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466683438.3495.mp4", + "variation_id": 0, + "video_id": "06789" + }, + { + "bbox": [ + 41, + 4, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/blow-puff.mp4", + "variation_id": 0, + "video_id": "06790" + }, + { + "bbox": [ + 63, + 11, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1239.mp4", + "variation_id": 0, + "video_id": "06792" + }, + { + "bbox": [ + 24, + 20, + 211, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/blow.swf", + "variation_id": 0, + "video_id": "06793" + }, + { + "bbox": [ + 228, + 40, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/blow.mp4", + "variation_id": 0, + "video_id": "06794" + } + ] + }, + { + "gloss": "boast", + "instances": [ + { + "bbox": [ + 697, + 51, + 1614, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brag%2C%20Show%20Off%202-pdtkoeqFY88.mp4", + "variation_id": 0, + "video_id": "06922" + }, + { + "bbox": [ + 39, + 14, + 630, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466683899.7448.mp4", + "variation_id": 0, + "video_id": "06923" + }, + { + "bbox": [ + 32, + 11, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/boast.mp4", + "variation_id": 0, + "video_id": "06924" + }, + { + "bbox": [ + 48, + 13, + 259, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7789.mp4", + "variation_id": 0, + "video_id": "06925" + }, + { + "bbox": [ + 184, + 42, + 1164, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=I7BfXB2oKyQ", + "variation_id": 0, + "video_id": "06926" + }, + { + "bbox": [ + 0, + 5, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/boast.swf", + "variation_id": 0, + "video_id": "06927" + }, + { + "bbox": [ + 197, + 38, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/boast.mp4", + "variation_id": 0, + "video_id": "06928" + } + ] + }, + { + "gloss": "boil", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3659, + "frame_start": 3587, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "06967" + }, + { + "bbox": [ + 167, + 55, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/boil2.mp4", + "variation_id": 0, + "video_id": "06976" + }, + { + "bbox": [ + 69, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455702.mp4", + "variation_id": 0, + "video_id": "06968" + }, + { + "bbox": [ + 686, + 94, + 1523, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Boiling-IHLsBlQdISk.mp4", + "variation_id": 0, + "video_id": "06969" + }, + { + "bbox": [ + 139, + 26, + 468, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/boil.mp4", + "variation_id": 0, + "video_id": "06971" + }, + { + "bbox": [ + 83, + 25, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22556.mp4", + "variation_id": 0, + "video_id": "06972" + }, + { + "bbox": [ + 337, + 67, + 1058, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=S-vlWxeOxr4", + "variation_id": 0, + "video_id": "06974" + } + ] + }, + { + "gloss": "bookshelf", + "instances": [ + { + "bbox": [ + 24, + 9, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/125001.mp4", + "variation_id": 0, + "video_id": "07113" + }, + { + "bbox": [ + 42, + 5, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/bookshelf.mp4", + "variation_id": 0, + "video_id": "07115" + }, + { + "bbox": [ + 2, + 8, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/bookshelf.swf", + "variation_id": 0, + "video_id": "07120" + }, + { + "bbox": [ + 23, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/books-shelf2.mp4", + "variation_id": 0, + "video_id": "07116" + }, + { + "bbox": [ + 158, + 52, + 529, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bookshelf.mp4", + "variation_id": 0, + "video_id": "07121" + }, + { + "bbox": [ + 12, + 3, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/books-shelf.mp4", + "variation_id": 0, + "video_id": "07117" + }, + { + "bbox": [ + 43, + 12, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3773.mp4", + "variation_id": 0, + "video_id": "07118" + } + ] + }, + { + "gloss": "bookstore", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3789, + "frame_start": 3710, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07126" + }, + { + "bbox": [ + 157, + 38, + 423, + 360 + ], + "fps": 25, + "frame_end": 1282, + "frame_start": 1157, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=4Nh1iFv2BMc", + "variation_id": 0, + "video_id": "70227" + }, + { + "bbox": [ + 402, + 55, + 812, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/bookstore.mp4", + "variation_id": 0, + "video_id": "07127" + }, + { + "bbox": [ + 91, + 21, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466684385.91.mp4", + "variation_id": 0, + "video_id": "07128" + }, + { + "bbox": [ + 49, + 0, + 310, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bookstore.mp4", + "variation_id": 0, + "video_id": "07129" + }, + { + "bbox": [ + 70, + 16, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7409.mp4", + "variation_id": 0, + "video_id": "07130" + }, + { + "bbox": [ + 135, + 53, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bookstore.mp4", + "variation_id": 0, + "video_id": "07131" + } + ] + }, + { + "gloss": "boxing", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4232, + "frame_start": 4160, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07425" + }, + { + "bbox": [ + 640, + 86, + 1577, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Boxing-Qu22D5bn8_A.mp4", + "variation_id": 0, + "video_id": "07430" + }, + { + "bbox": [ + 98, + 34, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466685129.2384.mp4", + "variation_id": 0, + "video_id": "07431" + }, + { + "bbox": [ + 101, + 16, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/boxing.mp4", + "variation_id": 0, + "video_id": "07432" + }, + { + "bbox": [ + 68, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6874.mp4", + "variation_id": 0, + "video_id": "07433" + }, + { + "bbox": [ + 9, + 1, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/b/boxing.swf", + "variation_id": 0, + "video_id": "07434" + }, + { + "bbox": [ + 245, + 43, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/boxing.mp4", + "variation_id": 0, + "video_id": "07435" + } + ] + }, + { + "gloss": "braid", + "instances": [ + { + "bbox": [ + 21, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/125275.mp4", + "variation_id": 0, + "video_id": "07506" + }, + { + "bbox": [ + 24, + 20, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 16, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/b/braid.swf", + "variation_id": 0, + "video_id": "07516" + }, + { + "bbox": [ + 521, + 140, + 1441, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Braid-8_1Vda5-Jnc.mp4", + "variation_id": 0, + "video_id": "07509" + }, + { + "bbox": [ + 96, + 34, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1553865428.6191.mp4", + "variation_id": 0, + "video_id": "07510" + }, + { + "bbox": [ + 27, + 16, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/braid2.mp4", + "variation_id": 0, + "video_id": "07511" + }, + { + "bbox": [ + 149, + 0, + 517, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/braid.mp4", + "variation_id": 0, + "video_id": "07513" + }, + { + "bbox": [ + 63, + 12, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5247.mp4", + "variation_id": 0, + "video_id": "07515" + } + ] + }, + { + "gloss": "brain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4508, + "frame_start": 4436, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07523" + }, + { + "bbox": [ + 11, + 9, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125289.mp4", + "variation_id": 0, + "video_id": "07527" + }, + { + "bbox": [ + 110, + 22, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466723470.3009.mp4", + "variation_id": 0, + "video_id": "07528" + }, + { + "bbox": [ + 98, + 0, + 500, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/brain.mp4", + "variation_id": 0, + "video_id": "07529" + }, + { + "bbox": [ + 64, + 18, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9216.mp4", + "variation_id": 0, + "video_id": "07530" + }, + { + "bbox": [ + 4, + 2, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/brain.swf", + "variation_id": 0, + "video_id": "07531" + }, + { + "bbox": [ + 158, + 64, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brain.mp4", + "variation_id": 0, + "video_id": "07532" + } + ] + }, + { + "gloss": "breakdown", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4691, + "frame_start": 4652, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07611" + }, + { + "bbox": [ + 132, + 74, + 690, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546355704.3953.mp4", + "variation_id": 0, + "video_id": "07613" + }, + { + "bbox": [ + 54, + 22, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22615.mp4", + "variation_id": 0, + "video_id": "07618" + }, + { + "bbox": [ + 111, + 20, + 533, + 480 + ], + "fps": 25, + "frame_end": 2822, + "frame_start": 2711, + "instance_id": 4, + "signer_id": 121, + "source": "northtexas", + "split": "train", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70093" + }, + { + "bbox": [ + 77, + 0, + 418, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/SLrW2wRCilg", + "variation_id": 0, + "video_id": "67441" + }, + { + "bbox": [ + 172, + 34, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 92, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/BR/BREAKDOWN-2036.mp4", + "variation_id": 0, + "video_id": "65253" + }, + { + "bbox": [ + 58, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455710.mp4", + "variation_id": 0, + "video_id": "07612" + } + ] + }, + { + "gloss": "breakfast", + "instances": [ + { + "bbox": [ + 384, + 47, + 815, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/breakfast.mp4", + "variation_id": 0, + "video_id": "07624" + }, + { + "bbox": [ + 216, + 17, + 834, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Breakfast-THwAruhoYd8.mp4", + "variation_id": 0, + "video_id": "07625" + }, + { + "bbox": [ + 122, + 22, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466723739.9001.mp4", + "variation_id": 0, + "video_id": "07626" + }, + { + "bbox": [ + 120, + 10, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/breakfast.mp4", + "variation_id": 0, + "video_id": "07627" + }, + { + "bbox": [ + 80, + 7, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6080.mp4", + "variation_id": 0, + "video_id": "07628" + }, + { + "bbox": [ + 0, + 0, + 241, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/breakfast.swf", + "variation_id": 0, + "video_id": "07629" + }, + { + "bbox": [ + 165, + 50, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/breakfast2.mp4", + "variation_id": 0, + "video_id": "07630" + } + ] + }, + { + "gloss": "breeze", + "instances": [ + { + "bbox": [ + 427, + 48, + 1647, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Breeze%2C%20Light%20Wind-8RyXcDC8pvY.mp4", + "variation_id": 0, + "video_id": "07699" + }, + { + "bbox": [ + 78, + 19, + 460, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/breeze.mp4", + "variation_id": 0, + "video_id": "07701" + }, + { + "bbox": [ + 53, + 21, + 259, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22975.mp4", + "variation_id": 0, + "video_id": "07702" + }, + { + "bbox": [ + 50, + 12, + 268, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23830.mp4", + "variation_id": 0, + "video_id": "07703" + }, + { + "bbox": [ + 268, + 27, + 1083, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RA04zvXojYA", + "variation_id": 0, + "video_id": "07704" + }, + { + "bbox": [ + 0, + 17, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/breeze.swf", + "variation_id": 0, + "video_id": "07705" + }, + { + "bbox": [ + 139, + 55, + 631, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/breezy.mp4", + "variation_id": 0, + "video_id": "07706" + } + ] + }, + { + "gloss": "bribe", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4758, + "frame_start": 4692, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07715" + }, + { + "bbox": [ + 47, + 8, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125542.mp4", + "variation_id": 0, + "video_id": "07716" + }, + { + "bbox": [ + 53, + 14, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bribe.mp4", + "variation_id": 0, + "video_id": "07717" + }, + { + "bbox": [ + 54, + 13, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1262.mp4", + "variation_id": 0, + "video_id": "07718" + }, + { + "bbox": [ + 368, + 30, + 1022, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wQzaFOCtuXE", + "variation_id": 0, + "video_id": "07719" + }, + { + "bbox": [ + 0, + 17, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bribe.swf", + "variation_id": 0, + "video_id": "07720" + }, + { + "bbox": [ + 207, + 54, + 584, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bribe.mp4", + "variation_id": 0, + "video_id": "07721" + } + ] + }, + { + "gloss": "brochure", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4892, + "frame_start": 4843, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "07860" + }, + { + "bbox": [ + 71, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/455717.mp4", + "variation_id": 0, + "video_id": "07861" + }, + { + "bbox": [ + 133, + 16, + 476, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 48, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546605744.4638.mp4", + "variation_id": 0, + "video_id": "07862" + }, + { + "bbox": [ + 92, + 18, + 461, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/brochure.mp4", + "variation_id": 0, + "video_id": "07863" + }, + { + "bbox": [ + 72, + 14, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8619.mp4", + "variation_id": 0, + "video_id": "07864" + }, + { + "bbox": [ + 0, + 16, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/brochure.swf", + "variation_id": 0, + "video_id": "07865" + }, + { + "bbox": [ + 187, + 53, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brochure.mp4", + "variation_id": 0, + "video_id": "07866" + } + ] + }, + { + "gloss": "buffalo", + "instances": [ + { + "bbox": [ + 24, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 1, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/400971.mp4", + "variation_id": 0, + "video_id": "08087" + }, + { + "bbox": [ + 667, + 81, + 1622, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Buffalo-9uEJW5CxQ2Y.mp4", + "variation_id": 0, + "video_id": "08088" + }, + { + "bbox": [ + 82, + 3, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 22, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1476145533.9307.mp4", + "variation_id": 0, + "video_id": "08089" + }, + { + "bbox": [ + 48, + 7, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/buffalo.mp4", + "variation_id": 0, + "video_id": "08091" + }, + { + "bbox": [ + 69, + 10, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7323.mp4", + "variation_id": 0, + "video_id": "08093" + }, + { + "bbox": [ + 4, + 11, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/buffalo.swf", + "variation_id": 0, + "video_id": "08094" + }, + { + "bbox": [ + 172, + 53, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/buffalo.mp4", + "variation_id": 0, + "video_id": "08095" + } + ] + }, + { + "gloss": "burp", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5062, + "frame_start": 5026, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=pDqITge_TGs", + "variation_id": 0, + "video_id": "08300" + }, + { + "bbox": [ + 742, + 79, + 1616, + 1063 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Burp-_W__asPT_Q0.mp4", + "variation_id": 0, + "video_id": "08302" + }, + { + "bbox": [ + 84, + 15, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725179.1605.mp4", + "variation_id": 0, + "video_id": "08303" + }, + { + "bbox": [ + 83, + 0, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/burp.mp4", + "variation_id": 0, + "video_id": "08304" + }, + { + "bbox": [ + 65, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1206.mp4", + "variation_id": 0, + "video_id": "08305" + }, + { + "bbox": [ + 309, + 61, + 872, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gasRkSQ6fvI", + "variation_id": 0, + "video_id": "08306" + }, + { + "bbox": [ + 228, + 40, + 475, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/burp.mp4", + "variation_id": 0, + "video_id": "08308" + } + ] + }, + { + "gloss": "bush", + "instances": [ + { + "bbox": [ + 45, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/125629.mp4", + "variation_id": 0, + "video_id": "08338" + }, + { + "bbox": [ + 59, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/189580.mp4", + "variation_id": 0, + "video_id": "08339" + }, + { + "bbox": [ + 41, + 13, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/69475.mp4", + "variation_id": 0, + "video_id": "08340" + }, + { + "bbox": [ + 122, + 6, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466725322.8843.mp4", + "variation_id": 0, + "video_id": "08341" + }, + { + "bbox": [ + 106, + 8, + 496, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/b/bush-fs.mp4", + "variation_id": 0, + "video_id": "08342" + }, + { + "bbox": [ + 36, + 13, + 246, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23909.mp4", + "variation_id": 0, + "video_id": "08343" + }, + { + "bbox": [ + 218, + 40, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bush.mp4", + "variation_id": 0, + "video_id": "08345" + } + ] + }, + { + "gloss": "bye", + "instances": [ + { + "bbox": [ + 116, + 21, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1466725686.9085.mp4", + "variation_id": 0, + "video_id": "08510" + }, + { + "bbox": [ + 66, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/b/bye-wave.mp4", + "variation_id": 0, + "video_id": "08511" + }, + { + "bbox": [ + 73, + 18, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22741.mp4", + "variation_id": 0, + "video_id": "08512" + }, + { + "bbox": [ + 75, + 20, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22865.mp4", + "variation_id": 0, + "video_id": "08514" + }, + { + "bbox": [ + 78, + 22, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22866.mp4", + "variation_id": 0, + "video_id": "08515" + }, + { + "bbox": [ + 0, + 12, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/b/bye.swf", + "variation_id": 0, + "video_id": "08516" + }, + { + "bbox": [ + 231, + 39, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bye.mp4", + "variation_id": 0, + "video_id": "08517" + } + ] + }, + { + "gloss": "camel", + "instances": [ + { + "bbox": [ + 23, + 0, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/125720.mp4", + "variation_id": 0, + "video_id": "08772" + }, + { + "bbox": [ + 312, + 100, + 1437, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hills%2C%20Camel-Ex-mYL_ZGfU.mp4", + "variation_id": 0, + "video_id": "08773" + }, + { + "bbox": [ + 95, + 21, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726193.7293.mp4", + "variation_id": 0, + "video_id": "08774" + }, + { + "bbox": [ + 39, + 0, + 312, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/camel.mp4", + "variation_id": 0, + "video_id": "08776" + }, + { + "bbox": [ + 289, + 47, + 907, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=eAqZAjgHXVY", + "variation_id": 0, + "video_id": "08778" + }, + { + "bbox": [ + 0, + 18, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/camel.swf", + "variation_id": 0, + "video_id": "08779" + }, + { + "bbox": [ + 162, + 54, + 531, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/camel.mp4", + "variation_id": 0, + "video_id": "08780" + } + ] + }, + { + "gloss": "candidate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 672, + "frame_start": 623, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "08888" + }, + { + "bbox": [ + 59, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125752.mp4", + "variation_id": 0, + "video_id": "08889" + }, + { + "bbox": [ + 708, + 84, + 1632, + 1057 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Volunteer%2C%20Candidate%2C%20Apply-fvfW4vWBTxM.mp4", + "variation_id": 0, + "video_id": "08890" + }, + { + "bbox": [ + 42, + 8, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726585.8175.mp4", + "variation_id": 0, + "video_id": "08891" + }, + { + "bbox": [ + 95, + 23, + 454, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/candidate.mp4", + "variation_id": 0, + "video_id": "08892" + }, + { + "bbox": [ + 65, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7170.mp4", + "variation_id": 0, + "video_id": "08893" + }, + { + "bbox": [ + 141, + 52, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/candidate.mp4", + "variation_id": 0, + "video_id": "08894" + } + ] + }, + { + "gloss": "cannot", + "instances": [ + { + "bbox": [ + 156, + 15, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CA/CANNOT-427.mp4", + "variation_id": 0, + "video_id": "65301" + }, + { + "bbox": [ + 80, + 17, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466726467.3085.mp4", + "variation_id": 0, + "video_id": "08970" + }, + { + "bbox": [ + 271, + 11, + 746, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 70, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20can%27t-rfCaJNjIIhk.mp4", + "variation_id": 0, + "video_id": "08967" + }, + { + "bbox": [ + 784, + 72, + 1658, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cannot-aNaFcdPFJLo.mp4", + "variation_id": 0, + "video_id": "08968" + }, + { + "bbox": [ + 154, + 2, + 547, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cannot.mp4", + "variation_id": 0, + "video_id": "08971" + }, + { + "bbox": [ + 64, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9140.mp4", + "variation_id": 0, + "video_id": "08972" + }, + { + "bbox": [ + 167, + 55, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cannot.mp4", + "variation_id": 0, + "video_id": "08974" + } + ] + }, + { + "gloss": "captain", + "instances": [ + { + "bbox": [ + 37, + 25, + 506, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1539181001.1395.mp4", + "variation_id": 0, + "video_id": "09078" + }, + { + "bbox": [ + 27, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/captain-leader.mp4", + "variation_id": 0, + "video_id": "09079" + }, + { + "bbox": [ + 44, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8959.mp4", + "variation_id": 0, + "video_id": "09081" + }, + { + "bbox": [ + 53, + 0, + 466, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KXbWnooKxLE", + "variation_id": 0, + "video_id": "09082" + }, + { + "bbox": [ + 53, + 1, + 466, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KXbWnooKxLE", + "variation_id": 0, + "video_id": "09083" + }, + { + "bbox": [ + 0, + 6, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/captain.swf", + "variation_id": 0, + "video_id": "09084" + }, + { + "bbox": [ + 123, + 53, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/captain.mp4", + "variation_id": 0, + "video_id": "09085" + } + ] + }, + { + "gloss": "carnival", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1134, + "frame_start": 1035, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "09256" + }, + { + "bbox": [ + 35, + 0, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/125801.mp4", + "variation_id": 0, + "video_id": "09259" + }, + { + "bbox": [ + 411, + 70, + 805, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/carnival.mp4", + "variation_id": 0, + "video_id": "09260" + }, + { + "bbox": [ + 117, + 37, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1553865705.9680.mp4", + "variation_id": 0, + "video_id": "09261" + }, + { + "bbox": [ + 40, + 6, + 241, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1303.mp4", + "variation_id": 0, + "video_id": "09262" + }, + { + "bbox": [ + 0, + 4, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/carnival.swf", + "variation_id": 0, + "video_id": "09263" + }, + { + "bbox": [ + 228, + 40, + 477, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/carnival.mp4", + "variation_id": 0, + "video_id": "09264" + } + ] + }, + { + "gloss": "caterpillar", + "instances": [ + { + "bbox": [ + 4, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244149.mp4", + "variation_id": 0, + "video_id": "09501" + }, + { + "bbox": [ + 666, + 67, + 1672, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Caterpillar-iPT7vizlsZ4.mp4", + "variation_id": 0, + "video_id": "09502" + }, + { + "bbox": [ + 32, + 24, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499776100.7985.mp4", + "variation_id": 0, + "video_id": "09503" + }, + { + "bbox": [ + 173, + 43, + 492, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/caterpillar.mp4", + "variation_id": 0, + "video_id": "09504" + }, + { + "bbox": [ + 0, + 15, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/caterpillar.swf", + "variation_id": 0, + "video_id": "09506" + }, + { + "bbox": [ + 205, + 43, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/caterpillar.mp4", + "variation_id": 0, + "video_id": "09507" + } + ] + }, + { + "gloss": "cheerleader", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2452, + "frame_start": 2393, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10249" + }, + { + "bbox": [ + 165, + 14, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CH/CHEERLEADER-374.mp4", + "variation_id": 0, + "video_id": "65344" + }, + { + "bbox": [ + 46, + 0, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/125951.mp4", + "variation_id": 0, + "video_id": "10250" + }, + { + "bbox": [ + 149, + 59, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520781659.7890.mp4", + "variation_id": 0, + "video_id": "10251" + }, + { + "bbox": [ + 66, + 22, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22298.mp4", + "variation_id": 0, + "video_id": "10252" + }, + { + "bbox": [ + 251, + 43, + 1009, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Q1eWSRjrbNw", + "variation_id": 0, + "video_id": "10253" + }, + { + "bbox": [ + 0, + 2, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/cheerleader.swf", + "variation_id": 0, + "video_id": "10254" + } + ] + }, + { + "gloss": "chemical", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2575, + "frame_start": 2503, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10295" + }, + { + "bbox": [ + 70, + 10, + 271, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/chemical.mov", + "variation_id": 0, + "video_id": "10296" + }, + { + "bbox": [ + 39, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455922.mp4", + "variation_id": 0, + "video_id": "10297" + }, + { + "bbox": [ + 23, + 13, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466731720.1608.mp4", + "variation_id": 0, + "video_id": "10298" + }, + { + "bbox": [ + 98, + 15, + 515, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chemical.mp4", + "variation_id": 0, + "video_id": "10299" + }, + { + "bbox": [ + 49, + 9, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6456.mp4", + "variation_id": 0, + "video_id": "10300" + }, + { + "bbox": [ + 195, + 52, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chemistry.mp4", + "variation_id": 0, + "video_id": "10301" + } + ] + }, + { + "gloss": "chicago", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2762, + "frame_start": 2700, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10388" + }, + { + "bbox": [ + 87, + 18, + 375, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/12RPQTexDYU", + "variation_id": 0, + "video_id": "67494" + }, + { + "bbox": [ + 96, + 18, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466732063.2344.mp4", + "variation_id": 0, + "video_id": "10389" + }, + { + "bbox": [ + 33, + 16, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/chicago.mp4", + "variation_id": 0, + "video_id": "10390" + }, + { + "bbox": [ + 82, + 18, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22135.mp4", + "variation_id": 0, + "video_id": "10391" + }, + { + "bbox": [ + 27, + 8, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/chicago.swf", + "variation_id": 0, + "video_id": "10392" + }, + { + "bbox": [ + 183, + 54, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chicago.mp4", + "variation_id": 0, + "video_id": "10393" + } + ] + }, + { + "gloss": "choke", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3118, + "frame_start": 3069, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10608" + }, + { + "bbox": [ + 739, + 61, + 1539, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Choke-aU4yuqXV4To.mp4", + "variation_id": 0, + "video_id": "10609" + }, + { + "bbox": [ + 51, + 1, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/choke.mp4", + "variation_id": 0, + "video_id": "10610" + }, + { + "bbox": [ + 90, + 16, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8099.mp4", + "variation_id": 0, + "video_id": "10611" + }, + { + "bbox": [ + 87, + 15, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8101.mp4", + "variation_id": 0, + "video_id": "10612" + }, + { + "bbox": [ + 3, + 17, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/choke.swf", + "variation_id": 0, + "video_id": "10613" + }, + { + "bbox": [ + 176, + 54, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/choke.mp4", + "variation_id": 0, + "video_id": "10614" + } + ] + }, + { + "gloss": "christ", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3235, + "frame_start": 3166, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "10673" + }, + { + "bbox": [ + 4, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51442.mp4", + "variation_id": 0, + "video_id": "10679" + }, + { + "bbox": [ + 57, + 13, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466733249.1112.mp4", + "variation_id": 0, + "video_id": "10680" + }, + { + "bbox": [ + 55, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/christ.mp4", + "variation_id": 0, + "video_id": "10681" + }, + { + "bbox": [ + 79, + 13, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8227.mp4", + "variation_id": 0, + "video_id": "10682" + }, + { + "bbox": [ + 0, + 17, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/christ.swf", + "variation_id": 0, + "video_id": "10683" + }, + { + "bbox": [ + 171, + 62, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/christ.mp4", + "variation_id": 0, + "video_id": "10684" + } + ] + }, + { + "gloss": "click", + "instances": [ + { + "bbox": [ + 54, + 13, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/153249.mp4", + "variation_id": 0, + "video_id": "11103" + }, + { + "bbox": [ + 182, + 70, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/click.mp4", + "variation_id": 0, + "video_id": "11113" + }, + { + "bbox": [ + 687, + 129, + 1468, + 1063 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Touch%2C%20Silly%20You-gj6GCDmK9mU.mp4", + "variation_id": 0, + "video_id": "11104" + }, + { + "bbox": [ + 101, + 21, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466899005.5188.mp4", + "variation_id": 0, + "video_id": "11105" + }, + { + "bbox": [ + 72, + 2, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/click-computer2.mp4", + "variation_id": 0, + "video_id": "11106" + }, + { + "bbox": [ + 75, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/click-computer.mp4", + "variation_id": 0, + "video_id": "11107" + }, + { + "bbox": [ + 294, + 47, + 954, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Kil9YAHeXnI", + "variation_id": 0, + "video_id": "11112" + } + ] + }, + { + "gloss": "closet", + "instances": [ + { + "bbox": [ + 0, + 6, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 49, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com//main/c/closet_wardrobe.swf", + "variation_id": 0, + "video_id": "11292" + }, + { + "bbox": [ + 157, + 51, + 582, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/closet.mp4", + "variation_id": 0, + "video_id": "11293" + }, + { + "bbox": [ + 64, + 14, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/308829.mp4", + "variation_id": 0, + "video_id": "11284" + }, + { + "bbox": [ + 402, + 55, + 817, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/closet.mp4", + "variation_id": 0, + "video_id": "11285" + }, + { + "bbox": [ + 469, + 142, + 1652, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Closet%2C%20Locker-nE-YLUXWp6E.mp4", + "variation_id": 0, + "video_id": "11286" + }, + { + "bbox": [ + 88, + 10, + 622, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466899276.1972.mp4", + "variation_id": 0, + "video_id": "11287" + }, + { + "bbox": [ + 105, + 17, + 517, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/closet.mp4", + "variation_id": 0, + "video_id": "11288" + } + ] + }, + { + "gloss": "clueless", + "instances": [ + { + "bbox": [ + 439, + 11, + 1581, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20No%20Idea%2C%20No%20Knowledge-qqgMBDrqU-M.mp4", + "variation_id": 0, + "video_id": "11408" + }, + { + "bbox": [ + 75, + 0, + 497, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468720640.5781.mp4", + "variation_id": 0, + "video_id": "11409" + }, + { + "bbox": [ + 27, + 30, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/clueless-unaware.mp4", + "variation_id": 0, + "video_id": "11412" + }, + { + "bbox": [ + 59, + 0, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5578.mp4", + "variation_id": 0, + "video_id": "11413" + }, + { + "bbox": [ + 70, + 6, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9497.mp4", + "variation_id": 0, + "video_id": "11414" + }, + { + "bbox": [ + 301, + 28, + 875, + 714 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MurgzRAigME", + "variation_id": 0, + "video_id": "11415" + }, + { + "bbox": [ + 168, + 41, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clueless.mp4", + "variation_id": 0, + "video_id": "11416" + } + ] + }, + { + "gloss": "clumsy", + "instances": [ + { + "bbox": [ + 55, + 26, + 269, + 237 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/47463.mp4", + "variation_id": 0, + "video_id": "11418" + }, + { + "bbox": [ + 520, + 128, + 1659, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Awkward%20with%20Something%202-_1z840LkeAI.mp4", + "variation_id": 0, + "video_id": "11419" + }, + { + "bbox": [ + 88, + 20, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466647757.9860.mp4", + "variation_id": 0, + "video_id": "11420" + }, + { + "bbox": [ + 129, + 21, + 479, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/clumsy.mp4", + "variation_id": 0, + "video_id": "11421" + }, + { + "bbox": [ + 58, + 22, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23207.mp4", + "variation_id": 0, + "video_id": "11422" + }, + { + "bbox": [ + 13, + 22, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/clumsy.swf", + "variation_id": 0, + "video_id": "11423" + }, + { + "bbox": [ + 170, + 56, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clumsy.mp4", + "variation_id": 0, + "video_id": "11424" + } + ] + }, + { + "gloss": "collect", + "instances": [ + { + "bbox": [ + 72, + 34, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/306841.mp4", + "variation_id": 0, + "video_id": "11686" + }, + { + "bbox": [ + 106, + 25, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466899797.9299.mp4", + "variation_id": 0, + "video_id": "11687" + }, + { + "bbox": [ + 130, + 7, + 526, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/collect.mp4", + "variation_id": 0, + "video_id": "11688" + }, + { + "bbox": [ + 49, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7466.mp4", + "variation_id": 0, + "video_id": "11689" + }, + { + "bbox": [ + 308, + 39, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VqvKAB_ki1U", + "variation_id": 0, + "video_id": "11691" + }, + { + "bbox": [ + 7, + 13, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/collect.swf", + "variation_id": 0, + "video_id": "11692" + }, + { + "bbox": [ + 182, + 63, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/collect2.mp4", + "variation_id": 0, + "video_id": "11693" + } + ] + }, + { + "gloss": "comma", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4553, + "frame_start": 4514, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "11929" + }, + { + "bbox": [ + 65, + 26, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96070.mp4", + "variation_id": 0, + "video_id": "11930" + }, + { + "bbox": [ + 643, + 74, + 1628, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Comma-mM2cAKQ0lMI.mp4", + "variation_id": 0, + "video_id": "11931" + }, + { + "bbox": [ + 104, + 19, + 468, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/comma.mp4", + "variation_id": 0, + "video_id": "11932" + }, + { + "bbox": [ + 66, + 14, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4099.mp4", + "variation_id": 0, + "video_id": "11933" + }, + { + "bbox": [ + 0, + 9, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/comma.swf", + "variation_id": 0, + "video_id": "11934" + }, + { + "bbox": [ + 186, + 62, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/comma.mp4", + "variation_id": 0, + "video_id": "11935" + } + ] + }, + { + "gloss": "comment", + "instances": [ + { + "bbox": [ + 163, + 20, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COMMENT-1088.mp4", + "variation_id": 0, + "video_id": "65382" + }, + { + "bbox": [ + 58, + 7, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/154418.mp4", + "variation_id": 0, + "video_id": "11971" + }, + { + "bbox": [ + 568, + 78, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Comment-7JfoP31pfnI.mp4", + "variation_id": 0, + "video_id": "11972" + }, + { + "bbox": [ + 145, + 7, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900335.8459.mp4", + "variation_id": 0, + "video_id": "11973" + }, + { + "bbox": [ + 111, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/comment.mp4", + "variation_id": 0, + "video_id": "11974" + }, + { + "bbox": [ + 342, + 39, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MLbJdJzLHec", + "variation_id": 0, + "video_id": "11977" + }, + { + "bbox": [ + 188, + 62, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/comment.mp4", + "variation_id": 0, + "video_id": "11978" + } + ] + }, + { + "gloss": "commit", + "instances": [ + { + "bbox": [ + 66, + 16, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96075.mp4", + "variation_id": 0, + "video_id": "11994" + }, + { + "bbox": [ + 121, + 18, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466900413.1170.mp4", + "variation_id": 0, + "video_id": "11995" + }, + { + "bbox": [ + 73, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/commit.mp4", + "variation_id": 0, + "video_id": "11996" + }, + { + "bbox": [ + 89, + 29, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22931.mp4", + "variation_id": 0, + "video_id": "11997" + }, + { + "bbox": [ + 245, + 27, + 976, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=yyB665pIFWs", + "variation_id": 0, + "video_id": "11998" + }, + { + "bbox": [ + 14, + 12, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/commit.swf", + "variation_id": 0, + "video_id": "11999" + }, + { + "bbox": [ + 179, + 62, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/commit.mp4", + "variation_id": 0, + "video_id": "12000" + } + ] + }, + { + "gloss": "committee", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4670, + "frame_start": 4611, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12004" + }, + { + "bbox": [ + 157, + 16, + 489, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COMMITTEE-1089.mp4", + "variation_id": 0, + "video_id": "65383" + }, + { + "bbox": [ + 32, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 35, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/51702.mp4", + "variation_id": 0, + "video_id": "12005" + }, + { + "bbox": [ + 98, + 12, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466900442.6472.mp4", + "variation_id": 0, + "video_id": "12006" + }, + { + "bbox": [ + 51, + 21, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/committee.mp4", + "variation_id": 0, + "video_id": "12007" + }, + { + "bbox": [ + 77, + 14, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7769.mp4", + "variation_id": 0, + "video_id": "12008" + }, + { + "bbox": [ + 173, + 55, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/committee.mp4", + "variation_id": 0, + "video_id": "12010" + } + ] + }, + { + "gloss": "common sense", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4777, + "frame_start": 4721, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12022" + }, + { + "bbox": [ + 80, + 12, + 247, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/common_sense.mov", + "variation_id": 0, + "video_id": "12023" + }, + { + "bbox": [ + 53, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244215.mp4", + "variation_id": 0, + "video_id": "12024" + }, + { + "bbox": [ + 25, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467681384.3135.mp4", + "variation_id": 0, + "video_id": "12025" + }, + { + "bbox": [ + 47, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/common-sense.mp4", + "variation_id": 0, + "video_id": "12026" + }, + { + "bbox": [ + 76, + 19, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23633.mp4", + "variation_id": 0, + "video_id": "12027" + }, + { + "bbox": [ + 165, + 57, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/common-sense.mp4", + "variation_id": 0, + "video_id": "12028" + } + ] + }, + { + "gloss": "compete", + "instances": [ + { + "bbox": [ + 69, + 24, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96079.mp4", + "variation_id": 0, + "video_id": "12158" + }, + { + "bbox": [ + 180, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468757936.48.mp4", + "variation_id": 0, + "video_id": "12159" + }, + { + "bbox": [ + 85, + 12, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/compete.mp4", + "variation_id": 0, + "video_id": "12160" + }, + { + "bbox": [ + 64, + 9, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14079.mp4", + "variation_id": 0, + "video_id": "12161" + }, + { + "bbox": [ + 200, + 9, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=120z4GLodI0", + "variation_id": 0, + "video_id": "12162" + }, + { + "bbox": [ + 4, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/compete.swf", + "variation_id": 0, + "video_id": "12163" + }, + { + "bbox": [ + 222, + 42, + 476, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/compete.mp4", + "variation_id": 0, + "video_id": "12164" + } + ] + }, + { + "gloss": "concentrate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5224, + "frame_start": 5182, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12387" + }, + { + "bbox": [ + 59, + 16, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96087.mp4", + "variation_id": 0, + "video_id": "12391" + }, + { + "bbox": [ + 119, + 31, + 595, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466901247.2483.mp4", + "variation_id": 0, + "video_id": "12392" + }, + { + "bbox": [ + 104, + 21, + 476, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/concentrate.mp4", + "variation_id": 0, + "video_id": "12393" + }, + { + "bbox": [ + 80, + 22, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23073.mp4", + "variation_id": 0, + "video_id": "12394" + }, + { + "bbox": [ + 14, + 5, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/concentrate.swf", + "variation_id": 0, + "video_id": "12395" + }, + { + "bbox": [ + 0, + 5, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/concentration.swf", + "variation_id": 0, + "video_id": "12396" + } + ] + }, + { + "gloss": "congratulations", + "instances": [ + { + "bbox": [ + 62, + 13, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/399322.mp4", + "variation_id": 0, + "video_id": "12636" + }, + { + "bbox": [ + 101, + 9, + 387, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/GW424UjxwfA", + "variation_id": 0, + "video_id": "67523" + }, + { + "bbox": [ + 105, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8297.mp4", + "variation_id": 0, + "video_id": "12637" + }, + { + "bbox": [ + 100, + 16, + 235, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8298.mp4", + "variation_id": 0, + "video_id": "12638" + }, + { + "bbox": [ + 289, + 24, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=C0HCP1b8zJk", + "variation_id": 0, + "video_id": "12639" + }, + { + "bbox": [ + 17, + 0, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/c/congratulations.swf", + "variation_id": 0, + "video_id": "12640" + }, + { + "bbox": [ + 241, + 45, + 506, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/congratulate.mp4", + "variation_id": 0, + "video_id": "12641" + } + ] + }, + { + "gloss": "consider", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5559, + "frame_start": 5490, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12749" + }, + { + "bbox": [ + 72, + 33, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93251.mp4", + "variation_id": 0, + "video_id": "12755" + }, + { + "bbox": [ + 35, + 12, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/consider.mp4", + "variation_id": 0, + "video_id": "12757" + }, + { + "bbox": [ + 54, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7495.mp4", + "variation_id": 0, + "video_id": "12758" + }, + { + "bbox": [ + 56, + 11, + 239, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7496.mp4", + "variation_id": 0, + "video_id": "12759" + }, + { + "bbox": [ + 17, + 20, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/consider.swf", + "variation_id": 0, + "video_id": "12760" + }, + { + "bbox": [ + 230, + 44, + 514, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/consider.mp4", + "variation_id": 0, + "video_id": "12761" + } + ] + }, + { + "gloss": "construct", + "instances": [ + { + "bbox": [ + 75, + 3, + 234, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/construct.mov", + "variation_id": 0, + "video_id": "12819" + }, + { + "bbox": [ + 36, + 8, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244274.mp4", + "variation_id": 0, + "video_id": "12820" + }, + { + "bbox": [ + 3, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/construct.mp4", + "variation_id": 0, + "video_id": "12822" + }, + { + "bbox": [ + 31, + 9, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3447.mp4", + "variation_id": 0, + "video_id": "12823" + }, + { + "bbox": [ + 68, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9977.mp4", + "variation_id": 0, + "video_id": "12824" + }, + { + "bbox": [ + 10, + 18, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/construct.swf", + "variation_id": 0, + "video_id": "12825" + }, + { + "bbox": [ + 207, + 58, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/construct.mp4", + "variation_id": 0, + "video_id": "12826" + } + ] + }, + { + "gloss": "consume", + "instances": [ + { + "bbox": [ + 180, + 17, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/CONSUME-1133.mp4", + "variation_id": 0, + "video_id": "65398" + }, + { + "bbox": [ + 198, + 62, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/consume.mp4", + "variation_id": 0, + "video_id": "12863" + }, + { + "bbox": [ + 737, + 135, + 1525, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Consume-AJdq1oglQcY.mp4", + "variation_id": 0, + "video_id": "12855" + }, + { + "bbox": [ + 53, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/consume2.mp4", + "variation_id": 0, + "video_id": "12857" + }, + { + "bbox": [ + 35, + 0, + 303, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/consume.mp4", + "variation_id": 0, + "video_id": "12858" + }, + { + "bbox": [ + 74, + 8, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6105.mp4", + "variation_id": 0, + "video_id": "12860" + }, + { + "bbox": [ + 6, + 9, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/consume.swf", + "variation_id": 0, + "video_id": "12861" + } + ] + }, + { + "gloss": "contest", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5682, + "frame_start": 5633, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "12941" + }, + { + "bbox": [ + 70, + 26, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96111.mp4", + "variation_id": 0, + "video_id": "12942" + }, + { + "bbox": [ + 105, + 24, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466901070.7930.mp4", + "variation_id": 0, + "video_id": "12943" + }, + { + "bbox": [ + 130, + 18, + 459, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/contest.mp4", + "variation_id": 0, + "video_id": "12944" + }, + { + "bbox": [ + 64, + 9, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14079.mp4", + "variation_id": 0, + "video_id": "12945" + }, + { + "bbox": [ + 10, + 11, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/contest.swf", + "variation_id": 0, + "video_id": "12946" + }, + { + "bbox": [ + 185, + 63, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/contest.mp4", + "variation_id": 0, + "video_id": "12947" + } + ] + }, + { + "gloss": "conversation", + "instances": [ + { + "bbox": [ + 32, + 7, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244257.mp4", + "variation_id": 0, + "video_id": "13087" + }, + { + "bbox": [ + 43, + 18, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/c/conversation-chat.mp4", + "variation_id": 0, + "video_id": "13089" + }, + { + "bbox": [ + 48, + 17, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/conversation-talk.mp4", + "variation_id": 0, + "video_id": "13090" + }, + { + "bbox": [ + 73, + 20, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22576.mp4", + "variation_id": 0, + "video_id": "13091" + }, + { + "bbox": [ + 84, + 20, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22578.mp4", + "variation_id": 0, + "video_id": "13093" + }, + { + "bbox": [ + 67, + 18, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22579.mp4", + "variation_id": 0, + "video_id": "13094" + }, + { + "bbox": [ + 84, + 25, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22897.mp4", + "variation_id": 0, + "video_id": "13095" + } + ] + }, + { + "gloss": "convert", + "instances": [ + { + "bbox": [ + 68, + 20, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96118.mp4", + "variation_id": 0, + "video_id": "13106" + }, + { + "bbox": [ + 120, + 21, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466902988.9021.mp4", + "variation_id": 0, + "video_id": "13109" + }, + { + "bbox": [ + 119, + 19, + 467, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/convert.mp4", + "variation_id": 0, + "video_id": "13110" + }, + { + "bbox": [ + 80, + 14, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14623.mp4", + "variation_id": 0, + "video_id": "13111" + }, + { + "bbox": [ + 97, + 25, + 441, + 359 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lVdy1GLmBCc", + "variation_id": 0, + "video_id": "13112" + }, + { + "bbox": [ + 0, + 10, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/convert.swf", + "variation_id": 0, + "video_id": "13113" + }, + { + "bbox": [ + 171, + 57, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/conversion.mp4", + "variation_id": 0, + "video_id": "13114" + } + ] + }, + { + "gloss": "cooperate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6090, + "frame_start": 6048, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13222" + }, + { + "bbox": [ + 66, + 26, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96119.mp4", + "variation_id": 0, + "video_id": "13223" + }, + { + "bbox": [ + 458, + 58, + 1587, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cooperate-gd_POPbEoD4.mp4", + "variation_id": 0, + "video_id": "13224" + }, + { + "bbox": [ + 66, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cooperate-cir.mp4", + "variation_id": 0, + "video_id": "13225" + }, + { + "bbox": [ + 39, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cooperate-dir.mp4", + "variation_id": 0, + "video_id": "13226" + }, + { + "bbox": [ + 12, + 19, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/cooperate.swf", + "variation_id": 0, + "video_id": "13227" + }, + { + "bbox": [ + 184, + 52, + 526, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/cooperate.mp4", + "variation_id": 0, + "video_id": "13228" + } + ] + }, + { + "gloss": "counsel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6489, + "frame_start": 6427, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13498" + }, + { + "bbox": [ + 170, + 15, + 497, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CO/COUNSEL-1170.mp4", + "variation_id": 0, + "video_id": "65412" + }, + { + "bbox": [ + 30, + 2, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58495.mp4", + "variation_id": 0, + "video_id": "13499" + }, + { + "bbox": [ + 119, + 23, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903895.1735.mp4", + "variation_id": 0, + "video_id": "13500" + }, + { + "bbox": [ + 62, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8589.mp4", + "variation_id": 0, + "video_id": "13501" + }, + { + "bbox": [ + 20, + 20, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/counsel.swf", + "variation_id": 0, + "video_id": "13502" + }, + { + "bbox": [ + 181, + 63, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/counsel.mp4", + "variation_id": 0, + "video_id": "13503" + } + ] + }, + { + "gloss": "counselor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6546, + "frame_start": 6490, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "13507" + }, + { + "bbox": [ + 118, + 17, + 399, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/tkspIdJVLZo", + "variation_id": 0, + "video_id": "67533" + }, + { + "bbox": [ + 25, + 5, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244939.mp4", + "variation_id": 0, + "video_id": "13508" + }, + { + "bbox": [ + 134, + 21, + 576, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903955.7137.mp4", + "variation_id": 0, + "video_id": "13509" + }, + { + "bbox": [ + 56, + 8, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14165.mp4", + "variation_id": 0, + "video_id": "13510" + }, + { + "bbox": [ + 289, + 25, + 997, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RUUusQIDEQw", + "variation_id": 0, + "video_id": "13511" + }, + { + "bbox": [ + 177, + 54, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/counselor.mp4", + "variation_id": 0, + "video_id": "13512" + } + ] + }, + { + "gloss": "crave", + "instances": [ + { + "bbox": [ + 165, + 15, + 493, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CR/CRAVE-1181.mp4", + "variation_id": 0, + "video_id": "65420" + }, + { + "bbox": [ + 78, + 35, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/306837.mp4", + "variation_id": 0, + "video_id": "13819" + }, + { + "bbox": [ + 157, + 70, + 622, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1545783401.4883.mp4", + "variation_id": 0, + "video_id": "13820" + }, + { + "bbox": [ + 144, + 16, + 470, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/crave.mp4", + "variation_id": 0, + "video_id": "13821" + }, + { + "bbox": [ + 68, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7294.mp4", + "variation_id": 0, + "video_id": "13822" + }, + { + "bbox": [ + 105, + 18, + 414, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kKAbaEtHpFo", + "variation_id": 0, + "video_id": "13823" + }, + { + "bbox": [ + 190, + 60, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/crave.mp4", + "variation_id": 0, + "video_id": "13824" + } + ] + }, + { + "gloss": "create", + "instances": [ + { + "bbox": [ + 94, + 19, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Jx_UZR3Ccfw", + "variation_id": 0, + "video_id": "67541" + }, + { + "bbox": [ + 49, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58498.mp4", + "variation_id": 0, + "video_id": "13877" + }, + { + "bbox": [ + 109, + 22, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466905084.7487.mp4", + "variation_id": 0, + "video_id": "13878" + }, + { + "bbox": [ + 107, + 0, + 500, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/create-make.mp4", + "variation_id": 0, + "video_id": "13879" + }, + { + "bbox": [ + 73, + 24, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22337.mp4", + "variation_id": 0, + "video_id": "13880" + }, + { + "bbox": [ + 81, + 23, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22338.mp4", + "variation_id": 0, + "video_id": "13881" + }, + { + "bbox": [ + 4, + 6, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/create.swf", + "variation_id": 0, + "video_id": "13883" + } + ] + }, + { + "gloss": "crocodile", + "instances": [ + { + "bbox": [ + 171, + 0, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 88, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/CR/CROCODILE-403.mp4", + "variation_id": 0, + "video_id": "65425" + }, + { + "bbox": [ + 86, + 7, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466173069.583.mp4", + "variation_id": 0, + "video_id": "14011" + }, + { + "bbox": [ + 91, + 12, + 364, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/lAxTaACtidc", + "variation_id": 0, + "video_id": "67543" + }, + { + "bbox": [ + 69, + 9, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/crocodile.mp4", + "variation_id": 0, + "video_id": "14012" + }, + { + "bbox": [ + 89, + 19, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7311.mp4", + "variation_id": 0, + "video_id": "14013" + }, + { + "bbox": [ + 13, + 5, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/crocodile.swf", + "variation_id": 0, + "video_id": "14014" + }, + { + "bbox": [ + 178, + 21, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/crocodile.mp4", + "variation_id": 0, + "video_id": "14015" + } + ] + }, + { + "gloss": "crown", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7036, + "frame_start": 6964, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14101" + }, + { + "bbox": [ + 565, + 64, + 1681, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Put%20On%20A%20Hat-MzrWxH4N4-0.mp4", + "variation_id": 0, + "video_id": "14102" + }, + { + "bbox": [ + 105, + 14, + 597, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520781790.8060.mp4", + "variation_id": 0, + "video_id": "14103" + }, + { + "bbox": [ + 28, + 13, + 310, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/crown-royal.mp4", + "variation_id": 0, + "video_id": "14104" + }, + { + "bbox": [ + 41, + 0, + 252, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14876.mp4", + "variation_id": 0, + "video_id": "14105" + }, + { + "bbox": [ + 1, + 14, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/crown.swf", + "variation_id": 0, + "video_id": "14106" + }, + { + "bbox": [ + 120, + 44, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/crown.mp4", + "variation_id": 0, + "video_id": "14107" + } + ] + }, + { + "gloss": "cuba", + "instances": [ + { + "bbox": [ + 43, + 6, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/455301.mp4", + "variation_id": 0, + "video_id": "14202" + }, + { + "bbox": [ + 466, + 108, + 1423, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cuba%2C%20Australia%2C%20Anthropology-3zmo3ewmtfY.mp4", + "variation_id": 0, + "video_id": "14203" + }, + { + "bbox": [ + 461, + 34, + 1443, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cuba%2C%20Firefighter-caqvrVq77P0.mp4", + "variation_id": 0, + "video_id": "14204" + }, + { + "bbox": [ + 0, + 16, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/cuba.mp4", + "variation_id": 0, + "video_id": "14205" + }, + { + "bbox": [ + 239, + 0, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lDmOnxjPNds", + "variation_id": 0, + "video_id": "14207" + }, + { + "bbox": [ + 170, + 24, + 902, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=pjD7yBXNJzo", + "variation_id": 0, + "video_id": "14209" + }, + { + "bbox": [ + 221, + 0, + 892, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Xmdv8JMirLg", + "variation_id": 0, + "video_id": "14211" + } + ] + }, + { + "gloss": "curtain", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7438, + "frame_start": 7376, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14390" + }, + { + "bbox": [ + 71, + 0, + 443, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/uTaOLoLLK8o", + "variation_id": 0, + "video_id": "67547" + }, + { + "bbox": [ + 56, + 12, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/curtain.mp4", + "variation_id": 0, + "video_id": "14392" + }, + { + "bbox": [ + 35, + 0, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1397.mp4", + "variation_id": 0, + "video_id": "14393" + }, + { + "bbox": [ + 290, + 0, + 1002, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uTPKBE_gQw4", + "variation_id": 0, + "video_id": "14394" + }, + { + "bbox": [ + 0, + 0, + 260, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/c/curtain.swf", + "variation_id": 0, + "video_id": "14395" + }, + { + "bbox": [ + 155, + 55, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/curtain.mp4", + "variation_id": 0, + "video_id": "14396" + } + ] + }, + { + "gloss": "customer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7478, + "frame_start": 7439, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=PPmQd2zWdP0", + "variation_id": 0, + "video_id": "14431" + }, + { + "bbox": [ + 54, + 4, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/74962.mp4", + "variation_id": 0, + "video_id": "14432" + }, + { + "bbox": [ + 458, + 42, + 1805, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Client%2C%20Customer-gYINFynVIQ4.mp4", + "variation_id": 0, + "video_id": "14433" + }, + { + "bbox": [ + 56, + 4, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/customer-agent.mp4", + "variation_id": 0, + "video_id": "14435" + }, + { + "bbox": [ + 138, + 19, + 488, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/c/customer.mp4", + "variation_id": 0, + "video_id": "14436" + }, + { + "bbox": [ + 66, + 10, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8742.mp4", + "variation_id": 0, + "video_id": "14437" + }, + { + "bbox": [ + 178, + 53, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/customer.mp4", + "variation_id": 0, + "video_id": "14438" + } + ] + }, + { + "gloss": "d", + "instances": [ + { + "bbox": [ + 179, + 14, + 482, + 369 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-D-494.mp4", + "variation_id": 0, + "video_id": "66042" + }, + { + "bbox": [ + 152, + 33, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1528811093.1409.mp4", + "variation_id": 0, + "video_id": "15996" + }, + { + "bbox": [ + 127, + 13, + 460, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/d-abc.mp4", + "variation_id": 0, + "video_id": "15997" + }, + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 5, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14553" + }, + { + "bbox": [ + 84, + 8, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10003.mp4", + "variation_id": 0, + "video_id": "15998" + }, + { + "bbox": [ + 7, + 11, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/d/d.swf", + "variation_id": 0, + "video_id": "15999" + }, + { + "bbox": [ + 176, + 55, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/d.mp4", + "variation_id": 0, + "video_id": "16000" + } + ] + }, + { + "gloss": "damage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 66, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14601" + }, + { + "bbox": [ + 51, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 77, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/184840.mp4", + "variation_id": 0, + "video_id": "14602" + }, + { + "bbox": [ + 118, + 32, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906241.703.mp4", + "variation_id": 0, + "video_id": "14604" + }, + { + "bbox": [ + 110, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/damage.mp4", + "variation_id": 0, + "video_id": "14605" + }, + { + "bbox": [ + 70, + 22, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22255.mp4", + "variation_id": 0, + "video_id": "14606" + }, + { + "bbox": [ + 8, + 10, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/damage.swf", + "variation_id": 0, + "video_id": "14607" + }, + { + "bbox": [ + 186, + 60, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/damage.mp4", + "variation_id": 0, + "video_id": "14608" + } + ] + }, + { + "gloss": "dancer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 186, + "frame_start": 127, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14634" + }, + { + "bbox": [ + 153, + 9, + 469, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DANCER-2645.mp4", + "variation_id": 0, + "video_id": "65436" + }, + { + "bbox": [ + 92, + 12, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/TdTdQchgGog", + "variation_id": 0, + "video_id": "67551" + }, + { + "bbox": [ + 49, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456091.mp4", + "variation_id": 0, + "video_id": "14635" + }, + { + "bbox": [ + 129, + 69, + 603, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546362672.5441.mp4", + "variation_id": 0, + "video_id": "14636" + }, + { + "bbox": [ + 52, + 14, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dancer.mp4", + "variation_id": 0, + "video_id": "14637" + }, + { + "bbox": [ + 65, + 18, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22604.mp4", + "variation_id": 0, + "video_id": "14638" + } + ] + }, + { + "gloss": "danger", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 239, + "frame_start": 187, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14644" + }, + { + "bbox": [ + 56, + 18, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399327.mp4", + "variation_id": 0, + "video_id": "14645" + }, + { + "bbox": [ + 301, + 50, + 1724, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Danger-NdykMeqtKfM.mp4", + "variation_id": 0, + "video_id": "14646" + }, + { + "bbox": [ + 165, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761155.3304.mp4", + "variation_id": 0, + "video_id": "14647" + }, + { + "bbox": [ + 72, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6208.mp4", + "variation_id": 0, + "video_id": "14648" + }, + { + "bbox": [ + 16, + 4, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/danger.swf", + "variation_id": 0, + "video_id": "14649" + }, + { + "bbox": [ + 183, + 60, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/danger.mp4", + "variation_id": 0, + "video_id": "14650" + } + ] + }, + { + "gloss": "dangerous", + "instances": [ + { + "bbox": [ + 138, + 15, + 454, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DANGEROUS-2474.mp4", + "variation_id": 0, + "video_id": "65438" + }, + { + "bbox": [ + 190, + 13, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DA/DANGEROUS-591.mp4", + "variation_id": 0, + "video_id": "65437" + }, + { + "bbox": [ + 30, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 75, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/399328.mp4", + "variation_id": 0, + "video_id": "14652" + }, + { + "bbox": [ + 73, + 22, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466906347.7289.mp4", + "variation_id": 0, + "video_id": "14653" + }, + { + "bbox": [ + 91, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/danger-us.mp4", + "variation_id": 0, + "video_id": "14655" + }, + { + "bbox": [ + 72, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6208.mp4", + "variation_id": 0, + "video_id": "14656" + }, + { + "bbox": [ + 183, + 60, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/danger.mp4", + "variation_id": 0, + "video_id": "14657" + } + ] + }, + { + "gloss": "dawn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 383, + "frame_start": 337, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14772" + }, + { + "bbox": [ + 66, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 78, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399461.mp4", + "variation_id": 0, + "video_id": "14773" + }, + { + "bbox": [ + 143, + 0, + 594, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898042.6393.mp4", + "variation_id": 0, + "video_id": "14774" + }, + { + "bbox": [ + 55, + 18, + 464, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dawn-sunrise.mp4", + "variation_id": 0, + "video_id": "14775" + }, + { + "bbox": [ + 25, + 21, + 208, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dawn.swf", + "variation_id": 0, + "video_id": "14776" + }, + { + "bbox": [ + 159, + 54, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dawn.mp4", + "variation_id": 0, + "video_id": "14777" + }, + { + "bbox": [ + 159, + 54, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dawn.mp4", + "variation_id": 0, + "video_id": "14778" + } + ] + }, + { + "gloss": "death", + "instances": [ + { + "bbox": [ + 86, + 8, + 238, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/death.mov", + "variation_id": 0, + "video_id": "14952" + }, + { + "bbox": [ + 103, + 0, + 421, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/PYp2EXhIQJs", + "variation_id": 0, + "video_id": "67554" + }, + { + "bbox": [ + 36, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58426.mp4", + "variation_id": 0, + "video_id": "14953" + }, + { + "bbox": [ + 449, + 60, + 1739, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Die%2C%20Dead%2C%20Death-asz45VLQwmg.mp4", + "variation_id": 0, + "video_id": "14954" + }, + { + "bbox": [ + 70, + 15, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6306.mp4", + "variation_id": 0, + "video_id": "14955" + }, + { + "bbox": [ + 0, + 5, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/death.swf", + "variation_id": 0, + "video_id": "14956" + }, + { + "bbox": [ + 195, + 60, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/death.mp4", + "variation_id": 0, + "video_id": "14957" + } + ] + }, + { + "gloss": "debate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 630, + "frame_start": 544, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "14960" + }, + { + "bbox": [ + 63, + 10, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93921.mp4", + "variation_id": 0, + "video_id": "14961" + }, + { + "bbox": [ + 54, + 29, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466907007.9161.mp4", + "variation_id": 0, + "video_id": "14964" + }, + { + "bbox": [ + 72, + 3, + 633, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/debate.mp4", + "variation_id": 0, + "video_id": "14965" + }, + { + "bbox": [ + 59, + 22, + 192, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22500.mp4", + "variation_id": 0, + "video_id": "14966" + }, + { + "bbox": [ + 21, + 20, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/debate.swf", + "variation_id": 0, + "video_id": "14967" + }, + { + "bbox": [ + 191, + 60, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/debate.mp4", + "variation_id": 0, + "video_id": "14968" + } + ] + }, + { + "gloss": "debt", + "instances": [ + { + "bbox": [ + 33, + 0, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51671.mp4", + "variation_id": 0, + "video_id": "14978" + }, + { + "bbox": [ + 82, + 29, + 504, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466907028.6527.mp4", + "variation_id": 0, + "video_id": "14979" + }, + { + "bbox": [ + 22, + 0, + 309, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/debt-money.mp4", + "variation_id": 0, + "video_id": "14980" + }, + { + "bbox": [ + 82, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9124.mp4", + "variation_id": 0, + "video_id": "14981" + }, + { + "bbox": [ + 61, + 18, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V8IyYFxiC98", + "variation_id": 0, + "video_id": "14982" + }, + { + "bbox": [ + 3, + 16, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/debt.swf", + "variation_id": 0, + "video_id": "14983" + }, + { + "bbox": [ + 180, + 61, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/debt.mp4", + "variation_id": 0, + "video_id": "14984" + } + ] + }, + { + "gloss": "deliver", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1150, + "frame_start": 1098, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15397" + }, + { + "bbox": [ + 20, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456692.mp4", + "variation_id": 0, + "video_id": "15401" + }, + { + "bbox": [ + 60, + 13, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466907752.1811.mp4", + "variation_id": 0, + "video_id": "15402" + }, + { + "bbox": [ + 95, + 15, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/deliver.mp4", + "variation_id": 0, + "video_id": "15404" + }, + { + "bbox": [ + 60, + 9, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9896.mp4", + "variation_id": 0, + "video_id": "15405" + }, + { + "bbox": [ + 57, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9897.mp4", + "variation_id": 0, + "video_id": "15406" + }, + { + "bbox": [ + 0, + 8, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/deliver.swf", + "variation_id": 0, + "video_id": "15407" + } + ] + }, + { + "gloss": "democrat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1277, + "frame_start": 1218, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15447" + }, + { + "bbox": [ + 68, + 15, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96187.mp4", + "variation_id": 0, + "video_id": "15448" + }, + { + "bbox": [ + 117, + 17, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466907888.4337.mp4", + "variation_id": 0, + "video_id": "15449" + }, + { + "bbox": [ + 87, + 21, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23638.mp4", + "variation_id": 0, + "video_id": "15450" + }, + { + "bbox": [ + 315, + 42, + 930, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VZgRWrNukss", + "variation_id": 0, + "video_id": "15451" + }, + { + "bbox": [ + 1, + 17, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/democrat.swf", + "variation_id": 0, + "video_id": "15452" + }, + { + "bbox": [ + 179, + 54, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/democrat.mp4", + "variation_id": 0, + "video_id": "15453" + } + ] + }, + { + "gloss": "descend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1771, + "frame_start": 1725, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15691" + }, + { + "bbox": [ + 43, + 9, + 258, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/24/24330.mp4", + "variation_id": 0, + "video_id": "15704" + }, + { + "bbox": [ + 25, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456710.mp4", + "variation_id": 0, + "video_id": "15695" + }, + { + "bbox": [ + 93, + 0, + 473, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/descend-down.mp4", + "variation_id": 0, + "video_id": "15696" + }, + { + "bbox": [ + 81, + 0, + 475, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/descend-plane.mp4", + "variation_id": 0, + "video_id": "15698" + }, + { + "bbox": [ + 31, + 10, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24296.mp4", + "variation_id": 0, + "video_id": "15701" + }, + { + "bbox": [ + 61, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24298.mp4", + "variation_id": 0, + "video_id": "15702" + } + ] + }, + { + "gloss": "design", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1887, + "frame_start": 1835, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15741" + }, + { + "bbox": [ + 187, + 15, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DESIGN-561.mp4", + "variation_id": 0, + "video_id": "65468" + }, + { + "bbox": [ + 61, + 13, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58605.mp4", + "variation_id": 0, + "video_id": "15750" + }, + { + "bbox": [ + 111, + 17, + 516, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466908424.6429.mp4", + "variation_id": 0, + "video_id": "15751" + }, + { + "bbox": [ + 45, + 1, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/design.mp4", + "variation_id": 0, + "video_id": "15752" + }, + { + "bbox": [ + 71, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6772.mp4", + "variation_id": 0, + "video_id": "15753" + }, + { + "bbox": [ + 191, + 60, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/design.mp4", + "variation_id": 0, + "video_id": "15755" + } + ] + }, + { + "gloss": "detective", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2179, + "frame_start": 2137, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15874" + }, + { + "bbox": [ + 145, + 35, + 452, + 480 + ], + "fps": 25, + "frame_end": 5446, + "frame_start": 5330, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70199" + }, + { + "bbox": [ + 137, + 81, + 571, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546362910.2982.mp4", + "variation_id": 0, + "video_id": "15876" + }, + { + "bbox": [ + 55, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/detective.mp4", + "variation_id": 0, + "video_id": "15877" + }, + { + "bbox": [ + 83, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9086.mp4", + "variation_id": 0, + "video_id": "15878" + }, + { + "bbox": [ + 22, + 7, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/detective.swf", + "variation_id": 0, + "video_id": "15879" + }, + { + "bbox": [ + 180, + 58, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/detective.mp4", + "variation_id": 0, + "video_id": "15880" + } + ] + }, + { + "gloss": "devil", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2279, + "frame_start": 2223, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "15956" + }, + { + "bbox": [ + 144, + 3, + 462, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DE/DEVIL-2739.mp4", + "variation_id": 0, + "video_id": "65474" + }, + { + "bbox": [ + 103, + 0, + 401, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/RoTB6AOLlsw", + "variation_id": 0, + "video_id": "67566" + }, + { + "bbox": [ + 493, + 54, + 1675, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mischief%2C%20Devil-WMntYWP2Pgw.mp4", + "variation_id": 0, + "video_id": "15957" + }, + { + "bbox": [ + 113, + 33, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909169.8458.mp4", + "variation_id": 0, + "video_id": "15958" + }, + { + "bbox": [ + 196, + 12, + 881, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=lUl04_RS0A0", + "variation_id": 0, + "video_id": "15961" + }, + { + "bbox": [ + 0, + 17, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/devil.swf", + "variation_id": 0, + "video_id": "15962" + } + ] + }, + { + "gloss": "dice", + "instances": [ + { + "bbox": [ + 127, + 5, + 464, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 95, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DICE-2740.mp4", + "variation_id": 0, + "video_id": "65478" + }, + { + "bbox": [ + 139, + 57, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/dice.mp4", + "variation_id": 0, + "video_id": "16117" + }, + { + "bbox": [ + 61, + 22, + 370, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/qNH3OR0iBI8", + "variation_id": 0, + "video_id": "67569" + }, + { + "bbox": [ + 130, + 24, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909476.4568.mp4", + "variation_id": 0, + "video_id": "16110" + }, + { + "bbox": [ + 68, + 19, + 449, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dice.mp4", + "variation_id": 0, + "video_id": "16112" + }, + { + "bbox": [ + 42, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9110.mp4", + "variation_id": 0, + "video_id": "16114" + }, + { + "bbox": [ + 0, + 3, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dice.swf", + "variation_id": 0, + "video_id": "16116" + } + ] + }, + { + "gloss": "difficult", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2685, + "frame_start": 2636, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16211" + }, + { + "bbox": [ + 48, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 78, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399473.mp4", + "variation_id": 0, + "video_id": "16212" + }, + { + "bbox": [ + 62, + 27, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909654.874.mp4", + "variation_id": 0, + "video_id": "16213" + }, + { + "bbox": [ + 38, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/difficult.mp4", + "variation_id": 0, + "video_id": "16214" + }, + { + "bbox": [ + 55, + 14, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6659.mp4", + "variation_id": 0, + "video_id": "16216" + }, + { + "bbox": [ + 15, + 20, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/difficult.swf", + "variation_id": 0, + "video_id": "16219" + }, + { + "bbox": [ + 181, + 57, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/difficult.mp4", + "variation_id": 0, + "video_id": "16220" + } + ] + }, + { + "gloss": "dining room", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2905, + "frame_start": 2823, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16313" + }, + { + "bbox": [ + 76, + 0, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456727.mp4", + "variation_id": 0, + "video_id": "16314" + }, + { + "bbox": [ + 368, + 54, + 811, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dining-room.mp4", + "variation_id": 0, + "video_id": "16315" + }, + { + "bbox": [ + 116, + 25, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909981.1552.mp4", + "variation_id": 0, + "video_id": "16316" + }, + { + "bbox": [ + 60, + 11, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9522.mp4", + "variation_id": 0, + "video_id": "16317" + }, + { + "bbox": [ + 21, + 9, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/d/dining_room.swf", + "variation_id": 0, + "video_id": "16318" + }, + { + "bbox": [ + 230, + 46, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dining-room.mp4", + "variation_id": 0, + "video_id": "16319" + } + ] + }, + { + "gloss": "discipline", + "instances": [ + { + "bbox": [ + 27, + 13, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93938.mp4", + "variation_id": 0, + "video_id": "16502" + }, + { + "bbox": [ + 318, + 59, + 1633, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Discipline-nzEDrnPlMp8.mp4", + "variation_id": 0, + "video_id": "16503" + }, + { + "bbox": [ + 61, + 14, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467770694.417.mp4", + "variation_id": 0, + "video_id": "16504" + }, + { + "bbox": [ + 57, + 3, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/discipline.mp4", + "variation_id": 0, + "video_id": "16505" + }, + { + "bbox": [ + 76, + 15, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14433.mp4", + "variation_id": 0, + "video_id": "16506" + }, + { + "bbox": [ + 274, + 52, + 1020, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=PbJtP57iUYg", + "variation_id": 0, + "video_id": "16510" + }, + { + "bbox": [ + 232, + 48, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/discipline.mp4", + "variation_id": 0, + "video_id": "16511" + } + ] + }, + { + "gloss": "discount", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3308, + "frame_start": 3259, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16540" + }, + { + "bbox": [ + 568, + 52, + 1669, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Discount-TclNJGDB9Y8.mp4", + "variation_id": 0, + "video_id": "16541" + }, + { + "bbox": [ + 123, + 2, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758919.1432.mp4", + "variation_id": 0, + "video_id": "16542" + }, + { + "bbox": [ + 0, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/discount.mp4", + "variation_id": 0, + "video_id": "16543" + }, + { + "bbox": [ + 84, + 17, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22592.mp4", + "variation_id": 0, + "video_id": "16544" + }, + { + "bbox": [ + 4, + 10, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/discount.swf", + "variation_id": 0, + "video_id": "16545" + }, + { + "bbox": [ + 240, + 50, + 499, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/discount.mp4", + "variation_id": 0, + "video_id": "16546" + } + ] + }, + { + "gloss": "disgusted", + "instances": [ + { + "bbox": [ + 169, + 17, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 102, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DI/DISGUSTED-1261.mp4", + "variation_id": 0, + "video_id": "65492" + }, + { + "bbox": [ + 178, + 18, + 500, + 480 + ], + "fps": 25, + "frame_end": 1934, + "frame_start": 1831, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=lvqGMGFmuV4", + "variation_id": 0, + "video_id": "70110" + }, + { + "bbox": [ + 667, + 60, + 1463, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Disgusted-mqZH7F4bvJ8.mp4", + "variation_id": 0, + "video_id": "16635" + }, + { + "bbox": [ + 54, + 12, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467771007.624.mp4", + "variation_id": 0, + "video_id": "16636" + }, + { + "bbox": [ + 65, + 8, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/disgusting.mp4", + "variation_id": 0, + "video_id": "16637" + }, + { + "bbox": [ + 382, + 40, + 941, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=h9k_Z0GmyuQ", + "variation_id": 0, + "video_id": "16638" + }, + { + "bbox": [ + 184, + 64, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/disgust.mp4", + "variation_id": 0, + "video_id": "16639" + } + ] + }, + { + "gloss": "disturb", + "instances": [ + { + "bbox": [ + 45, + 36, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93310.mp4", + "variation_id": 0, + "video_id": "16872" + }, + { + "bbox": [ + 84, + 4, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 40, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1522289167.3396.mp4", + "variation_id": 0, + "video_id": "16873" + }, + { + "bbox": [ + 118, + 18, + 452, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/disturb.mp4", + "variation_id": 0, + "video_id": "16874" + }, + { + "bbox": [ + 57, + 14, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6192.mp4", + "variation_id": 0, + "video_id": "16877" + }, + { + "bbox": [ + 10, + 12, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6840.mp4", + "variation_id": 0, + "video_id": "16878" + }, + { + "bbox": [ + 20, + 20, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/disturb.swf", + "variation_id": 0, + "video_id": "16879" + }, + { + "bbox": [ + 188, + 62, + 537, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/disturb.mp4", + "variation_id": 0, + "video_id": "16880" + } + ] + }, + { + "gloss": "division", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3655, + "frame_start": 3623, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "16949" + }, + { + "bbox": [ + 180, + 62, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/divide.mp4", + "variation_id": 0, + "video_id": "16958" + }, + { + "bbox": [ + 59, + 0, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456748.mp4", + "variation_id": 0, + "video_id": "16950" + }, + { + "bbox": [ + 25, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1467771813.6257.mp4", + "variation_id": 0, + "video_id": "16951" + }, + { + "bbox": [ + 54, + 14, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6467.mp4", + "variation_id": 0, + "video_id": "16955" + }, + { + "bbox": [ + 64, + 3, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/division_math.swf", + "variation_id": 0, + "video_id": "16956" + }, + { + "bbox": [ + 0, + 15, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/division.swf", + "variation_id": 0, + "video_id": "16957" + } + ] + }, + { + "gloss": "done", + "instances": [ + { + "bbox": [ + 354, + 41, + 1006, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/done.mp4", + "variation_id": 0, + "video_id": "69300" + }, + { + "bbox": [ + 101, + 14, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467773050.2596.mp4", + "variation_id": 0, + "video_id": "17206" + }, + { + "bbox": [ + 59, + 0, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/done-finish.mp4", + "variation_id": 0, + "video_id": "17208" + }, + { + "bbox": [ + 63, + 21, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22326.mp4", + "variation_id": 0, + "video_id": "17209" + }, + { + "bbox": [ + 74, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7267.mp4", + "variation_id": 0, + "video_id": "17212" + }, + { + "bbox": [ + 9, + 10, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/done.swf", + "variation_id": 0, + "video_id": "17213" + }, + { + "bbox": [ + 239, + 48, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/done.mp4", + "variation_id": 0, + "video_id": "17214" + } + ] + }, + { + "gloss": "drag", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4529, + "frame_start": 4460, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17511" + }, + { + "bbox": [ + 0, + 11, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/d/drag.swf", + "variation_id": 0, + "video_id": "17520" + }, + { + "bbox": [ + 149, + 64, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drag.mp4", + "variation_id": 0, + "video_id": "17521" + }, + { + "bbox": [ + 156, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757283.4828.mp4", + "variation_id": 0, + "video_id": "17512" + }, + { + "bbox": [ + 0, + 21, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drag.mp4", + "variation_id": 0, + "video_id": "17513" + }, + { + "bbox": [ + 60, + 29, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22921.mp4", + "variation_id": 0, + "video_id": "17514" + }, + { + "bbox": [ + 321, + 55, + 1077, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=d3mdWdEcEg4", + "variation_id": 0, + "video_id": "17518" + } + ] + }, + { + "gloss": "dragon", + "instances": [ + { + "bbox": [ + 53, + 0, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/456780.mp4", + "variation_id": 0, + "video_id": "17529" + }, + { + "bbox": [ + 72, + 3, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467773524.4828.mp4", + "variation_id": 0, + "video_id": "17530" + }, + { + "bbox": [ + 65, + 13, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dragon.mp4", + "variation_id": 0, + "video_id": "17531" + }, + { + "bbox": [ + 69, + 16, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7420.mp4", + "variation_id": 0, + "video_id": "17532" + }, + { + "bbox": [ + 302, + 21, + 927, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1cZGq5i02t0", + "variation_id": 0, + "video_id": "17533" + }, + { + "bbox": [ + 293, + 20, + 912, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fzbq2Nsuq5I", + "variation_id": 0, + "video_id": "17534" + }, + { + "bbox": [ + 24, + 17, + 201, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dragon.swf", + "variation_id": 0, + "video_id": "17535" + } + ] + }, + { + "gloss": "drama", + "instances": [ + { + "bbox": [ + 34, + 0, + 320, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/drama.mov", + "variation_id": 0, + "video_id": "17557" + }, + { + "bbox": [ + 388, + 58, + 870, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/drama.mp4", + "variation_id": 0, + "video_id": "17559" + }, + { + "bbox": [ + 78, + 17, + 593, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466168888.1537.mp4", + "variation_id": 0, + "video_id": "17560" + }, + { + "bbox": [ + 56, + 0, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drama.mp4", + "variation_id": 0, + "video_id": "17561" + }, + { + "bbox": [ + 64, + 11, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6372.mp4", + "variation_id": 0, + "video_id": "17562" + }, + { + "bbox": [ + 51, + 1, + 298, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/drama.swf", + "variation_id": 0, + "video_id": "17563" + }, + { + "bbox": [ + 178, + 54, + 536, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drama.mp4", + "variation_id": 0, + "video_id": "17564" + } + ] + }, + { + "gloss": "drug", + "instances": [ + { + "bbox": [ + 169, + 8, + 506, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=l0QegZp34o0", + "variation_id": 0, + "video_id": "17885" + }, + { + "bbox": [ + 310, + 75, + 1532, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Drug-oBqEIYcrKNw.mp4", + "variation_id": 0, + "video_id": "17877" + }, + { + "bbox": [ + 76, + 14, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206680.2087.mp4", + "variation_id": 0, + "video_id": "17878" + }, + { + "bbox": [ + 0, + 16, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/drug.swf", + "variation_id": 0, + "video_id": "17888" + }, + { + "bbox": [ + 297, + 0, + 1060, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/drug-arm.mp4", + "variation_id": 0, + "video_id": "17879" + }, + { + "bbox": [ + 179, + 53, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/drug2.mp4", + "variation_id": 0, + "video_id": "17889" + }, + { + "bbox": [ + 96, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7401.mp4", + "variation_id": 0, + "video_id": "17883" + } + ] + }, + { + "gloss": "due", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4886, + "frame_start": 4857, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "17958" + }, + { + "bbox": [ + 176, + 18, + 498, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 102, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/DU/DUE-1282.mp4", + "variation_id": 0, + "video_id": "65552" + }, + { + "bbox": [ + 71, + 15, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/154564.mp4", + "variation_id": 0, + "video_id": "17959" + }, + { + "bbox": [ + 59, + 13, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468206919.4575.mp4", + "variation_id": 0, + "video_id": "17960" + }, + { + "bbox": [ + 139, + 29, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522768985.13.mp4", + "variation_id": 0, + "video_id": "17961" + }, + { + "bbox": [ + 82, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9124.mp4", + "variation_id": 0, + "video_id": "17964" + }, + { + "bbox": [ + 175, + 53, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/due.mp4", + "variation_id": 0, + "video_id": "17965" + } + ] + }, + { + "gloss": "dull", + "instances": [ + { + "bbox": [ + 52, + 29, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/87761.mp4", + "variation_id": 0, + "video_id": "17968" + }, + { + "bbox": [ + 51, + 9, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/8/8726.mp4", + "variation_id": 0, + "video_id": "17976" + }, + { + "bbox": [ + 0, + 12, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dull.swf", + "variation_id": 0, + "video_id": "17978" + }, + { + "bbox": [ + 174, + 54, + 516, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dull.mp4", + "variation_id": 0, + "video_id": "17979" + }, + { + "bbox": [ + 68, + 19, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466684554.6883.mp4", + "variation_id": 0, + "video_id": "17969" + }, + { + "bbox": [ + 62, + 27, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22923.mp4", + "variation_id": 0, + "video_id": "17974" + }, + { + "bbox": [ + 65, + 27, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22924.mp4", + "variation_id": 0, + "video_id": "17975" + } + ] + }, + { + "gloss": "dusk", + "instances": [ + { + "bbox": [ + 24, + 12, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96290.mp4", + "variation_id": 0, + "video_id": "18037" + }, + { + "bbox": [ + 130, + 13, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468377549.1617.mp4", + "variation_id": 0, + "video_id": "18038" + }, + { + "bbox": [ + 72, + 0, + 540, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dusk.mp4", + "variation_id": 0, + "video_id": "18039" + }, + { + "bbox": [ + 47, + 6, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14847.mp4", + "variation_id": 0, + "video_id": "18040" + }, + { + "bbox": [ + 0, + 10, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/d/dusk.swf", + "variation_id": 0, + "video_id": "18041" + }, + { + "bbox": [ + 184, + 54, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dusk.mp4", + "variation_id": 0, + "video_id": "18042" + }, + { + "bbox": [ + 184, + 54, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dusk.mp4", + "variation_id": 0, + "video_id": "18043" + } + ] + }, + { + "gloss": "dvd", + "instances": [ + { + "bbox": [ + 60, + 1, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 35, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/399485.mp4", + "variation_id": 0, + "video_id": "18069" + }, + { + "bbox": [ + 422, + 56, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/dvd.mp4", + "variation_id": 0, + "video_id": "18070" + }, + { + "bbox": [ + 77, + 12, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468207019.1947.mp4", + "variation_id": 0, + "video_id": "18071" + }, + { + "bbox": [ + 61, + 11, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dvd-fs.mp4", + "variation_id": 0, + "video_id": "18072" + }, + { + "bbox": [ + 71, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8762.mp4", + "variation_id": 0, + "video_id": "18073" + }, + { + "bbox": [ + 355, + 38, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6Id718dKsf8", + "variation_id": 0, + "video_id": "18074" + }, + { + "bbox": [ + 327, + 18, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DcVqsWa3NNs", + "variation_id": 0, + "video_id": "18075" + } + ] + }, + { + "gloss": "dye", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5036, + "frame_start": 4984, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=ChIupJBcxjs", + "variation_id": 0, + "video_id": "18090" + }, + { + "bbox": [ + 60, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456805.mp4", + "variation_id": 0, + "video_id": "18091" + }, + { + "bbox": [ + 103, + 0, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1512916381.6480.mp4", + "variation_id": 0, + "video_id": "18092" + }, + { + "bbox": [ + 57, + 0, + 314, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dye-hair.mp4", + "variation_id": 0, + "video_id": "18093" + }, + { + "bbox": [ + 55, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/d/dye.mp4", + "variation_id": 0, + "video_id": "18094" + }, + { + "bbox": [ + 53, + 15, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1470.mp4", + "variation_id": 0, + "video_id": "18095" + }, + { + "bbox": [ + 178, + 56, + 574, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dye.mp4", + "variation_id": 0, + "video_id": "18096" + } + ] + }, + { + "gloss": "e", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18107" + }, + { + "bbox": [ + 201, + 35, + 515, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-E-1672.mp4", + "variation_id": 0, + "video_id": "66043" + }, + { + "bbox": [ + 136, + 35, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811066.6785.mp4", + "variation_id": 0, + "video_id": "18533" + }, + { + "bbox": [ + 121, + 17, + 458, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/e-abc.mp4", + "variation_id": 0, + "video_id": "18534" + }, + { + "bbox": [ + 83, + 8, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10004.mp4", + "variation_id": 0, + "video_id": "18535" + }, + { + "bbox": [ + 11, + 11, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/e/e.swf", + "variation_id": 0, + "video_id": "18536" + }, + { + "bbox": [ + 165, + 51, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/e.mp4", + "variation_id": 0, + "video_id": "18537" + } + ] + }, + { + "gloss": "either", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 908, + "frame_start": 859, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18640" + }, + { + "bbox": [ + 186, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/either.mp4", + "variation_id": 0, + "video_id": "18649" + }, + { + "bbox": [ + 180, + 15, + 483, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EI/EITHER-744.mp4", + "variation_id": 0, + "video_id": "65617" + }, + { + "bbox": [ + 67, + 0, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/either.mp4", + "variation_id": 0, + "video_id": "18643" + }, + { + "bbox": [ + 73, + 10, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14207.mp4", + "variation_id": 0, + "video_id": "18644" + }, + { + "bbox": [ + 234, + 0, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=07b9v4cKcuo", + "variation_id": 0, + "video_id": "18646" + }, + { + "bbox": [ + 337, + 24, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uLoKdhE7rYU", + "variation_id": 0, + "video_id": "18647" + } + ] + }, + { + "gloss": "electricity", + "instances": [ + { + "bbox": [ + 65, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 77, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/184742.mp4", + "variation_id": 0, + "video_id": "18727" + }, + { + "bbox": [ + 45, + 13, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63611.mp4", + "variation_id": 0, + "video_id": "18728" + }, + { + "bbox": [ + 641, + 79, + 1660, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Electricity%2C%20Battery-uJb8HOhTnto.mp4", + "variation_id": 0, + "video_id": "18729" + }, + { + "bbox": [ + 47, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/electricity.mp4", + "variation_id": 0, + "video_id": "18731" + }, + { + "bbox": [ + 77, + 14, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7944.mp4", + "variation_id": 0, + "video_id": "18732" + }, + { + "bbox": [ + 76, + 3, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/electricity.swf", + "variation_id": 0, + "video_id": "18733" + }, + { + "bbox": [ + 175, + 56, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/electric.mp4", + "variation_id": 0, + "video_id": "18734" + } + ] + }, + { + "gloss": "elementary", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1038, + "frame_start": 982, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18755" + }, + { + "bbox": [ + 78, + 15, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/308090.mp4", + "variation_id": 0, + "video_id": "18756" + }, + { + "bbox": [ + 438, + 71, + 856, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/elementary-school.mp4", + "variation_id": 0, + "video_id": "18757" + }, + { + "bbox": [ + 85, + 0, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/elementary.mp4", + "variation_id": 0, + "video_id": "18758" + }, + { + "bbox": [ + 77, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6803.mp4", + "variation_id": 0, + "video_id": "18759" + }, + { + "bbox": [ + 26, + 13, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/elementary.swf", + "variation_id": 0, + "video_id": "18760" + }, + { + "bbox": [ + 186, + 55, + 560, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/elementary.mp4", + "variation_id": 0, + "video_id": "18761" + } + ] + }, + { + "gloss": "else", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1194, + "frame_start": 1152, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18854" + }, + { + "bbox": [ + 106, + 10, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468375469.4366.mp4", + "variation_id": 0, + "video_id": "18856" + }, + { + "bbox": [ + 58, + 11, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/else-other.mp4", + "variation_id": 0, + "video_id": "18857" + }, + { + "bbox": [ + 66, + 14, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7358.mp4", + "variation_id": 0, + "video_id": "18858" + }, + { + "bbox": [ + 159, + 17, + 472, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8E2rsAQN9Hc", + "variation_id": 0, + "video_id": "18859" + }, + { + "bbox": [ + 12, + 20, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/else.swf", + "variation_id": 0, + "video_id": "18860" + }, + { + "bbox": [ + 93, + 60, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/else.mp4", + "variation_id": 0, + "video_id": "18861" + } + ] + }, + { + "gloss": "emergency", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1338, + "frame_start": 1262, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "18939" + }, + { + "bbox": [ + 39, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 53, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51573.mp4", + "variation_id": 0, + "video_id": "18942" + }, + { + "bbox": [ + 599, + 91, + 1409, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Easter%2C%20Emergency-DL7k73WHH6E.mp4", + "variation_id": 0, + "video_id": "18944" + }, + { + "bbox": [ + 72, + 3, + 585, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468375589.5250.mp4", + "variation_id": 0, + "video_id": "18946" + }, + { + "bbox": [ + 44, + 11, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/emergency.mp4", + "variation_id": 0, + "video_id": "18948" + }, + { + "bbox": [ + 78, + 15, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7133.mp4", + "variation_id": 0, + "video_id": "18949" + }, + { + "bbox": [ + 211, + 23, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=gzf9Xilh6aA", + "variation_id": 0, + "video_id": "18950" + } + ] + }, + { + "gloss": "engine", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1675, + "frame_start": 1623, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19198" + }, + { + "bbox": [ + 24, + 3, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/72913.mp4", + "variation_id": 0, + "video_id": "19212" + }, + { + "bbox": [ + 440, + 64, + 833, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/engine.mp4", + "variation_id": 0, + "video_id": "19213" + }, + { + "bbox": [ + 37, + 4, + 613, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468376267.9.mp4", + "variation_id": 0, + "video_id": "19214" + }, + { + "bbox": [ + 74, + 22, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22605.mp4", + "variation_id": 0, + "video_id": "19215" + }, + { + "bbox": [ + 2, + 12, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/engine.swf", + "variation_id": 0, + "video_id": "19216" + }, + { + "bbox": [ + 189, + 55, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/engine.mp4", + "variation_id": 0, + "video_id": "19217" + } + ] + }, + { + "gloss": "enormous", + "instances": [ + { + "bbox": [ + 42, + 11, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/308087.mp4", + "variation_id": 0, + "video_id": "19297" + }, + { + "bbox": [ + 128, + 9, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466682008.3990.mp4", + "variation_id": 0, + "video_id": "19298" + }, + { + "bbox": [ + 46, + 10, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23871.mp4", + "variation_id": 0, + "video_id": "19299" + }, + { + "bbox": [ + 36, + 12, + 244, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23872.mp4", + "variation_id": 0, + "video_id": "19300" + }, + { + "bbox": [ + 155, + 36, + 1147, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=i2WUeNd7670", + "variation_id": 0, + "video_id": "19301" + }, + { + "bbox": [ + 1, + 10, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/enormous.swf", + "variation_id": 0, + "video_id": "19302" + }, + { + "bbox": [ + 147, + 44, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/enormous.mp4", + "variation_id": 0, + "video_id": "19303" + } + ] + }, + { + "gloss": "eraser", + "instances": [ + { + "bbox": [ + 71, + 16, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 26, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/311465.mp4", + "variation_id": 0, + "video_id": "19512" + }, + { + "bbox": [ + 98, + 16, + 388, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/24jiibHaswo", + "variation_id": 0, + "video_id": "67629" + }, + { + "bbox": [ + 416, + 56, + 813, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/eraser.mp4", + "variation_id": 0, + "video_id": "19513" + }, + { + "bbox": [ + 407, + 52, + 1064, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Erase.mp4", + "variation_id": 0, + "video_id": "19514" + }, + { + "bbox": [ + 130, + 26, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1553866501.668.mp4", + "variation_id": 0, + "video_id": "19515" + }, + { + "bbox": [ + 96, + 2, + 491, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/eraser.mp4", + "variation_id": 0, + "video_id": "19516" + }, + { + "bbox": [ + 78, + 17, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3891.mp4", + "variation_id": 0, + "video_id": "19517" + } + ] + }, + { + "gloss": "every monday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2608, + "frame_start": 2559, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19851" + }, + { + "bbox": [ + 406, + 38, + 1651, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Every%20Monday-meOBjU82Tx8.mp4", + "variation_id": 0, + "video_id": "19852" + }, + { + "bbox": [ + 511, + 0, + 1382, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mondays-7H8Me_Iq7GU.mp4", + "variation_id": 0, + "video_id": "19853" + }, + { + "bbox": [ + 70, + 10, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/every-monday.mp4", + "variation_id": 0, + "video_id": "19854" + }, + { + "bbox": [ + 89, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9750.mp4", + "variation_id": 0, + "video_id": "19855" + }, + { + "bbox": [ + 80, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9758.mp4", + "variation_id": 0, + "video_id": "19856" + }, + { + "bbox": [ + 200, + 51, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/every-monday.mp4", + "variation_id": 0, + "video_id": "19857" + } + ] + }, + { + "gloss": "every tuesday", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2652, + "frame_start": 2609, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19929" + }, + { + "bbox": [ + 476, + 37, + 1638, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Every%20Tuesday-d54TGane_OY.mp4", + "variation_id": 0, + "video_id": "19930" + }, + { + "bbox": [ + 511, + 10, + 1368, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 3, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Tuesdays-dSzeVRNbc7I.mp4", + "variation_id": 0, + "video_id": "19931" + }, + { + "bbox": [ + 64, + 11, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/every-tuesday.mp4", + "variation_id": 0, + "video_id": "19932" + }, + { + "bbox": [ + 88, + 14, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9751.mp4", + "variation_id": 0, + "video_id": "19933" + }, + { + "bbox": [ + 82, + 10, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9759.mp4", + "variation_id": 0, + "video_id": "19934" + }, + { + "bbox": [ + 200, + 49, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/every-tuesday.mp4", + "variation_id": 0, + "video_id": "19935" + } + ] + }, + { + "gloss": "everything", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2769, + "frame_start": 2720, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "19909" + }, + { + "bbox": [ + 164, + 30, + 471, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EV/EVERYTHING-1334.mp4", + "variation_id": 0, + "video_id": "65649" + }, + { + "bbox": [ + 53, + 17, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91385.mp4", + "variation_id": 0, + "video_id": "19911" + }, + { + "bbox": [ + 75, + 15, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468377931.9416.mp4", + "variation_id": 0, + "video_id": "19912" + }, + { + "bbox": [ + 38, + 9, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/everything.mp4", + "variation_id": 0, + "video_id": "19913" + }, + { + "bbox": [ + 54, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9886.mp4", + "variation_id": 0, + "video_id": "19915" + }, + { + "bbox": [ + 125, + 42, + 1151, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=dVXgo4HsNpY", + "variation_id": 0, + "video_id": "19916" + } + ] + }, + { + "gloss": "except", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3022, + "frame_start": 2970, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20108" + }, + { + "bbox": [ + 65, + 38, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92968.mp4", + "variation_id": 0, + "video_id": "20109" + }, + { + "bbox": [ + 649, + 7, + 1758, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Unique-NZP0texXNFo.mp4", + "variation_id": 0, + "video_id": "20110" + }, + { + "bbox": [ + 69, + 0, + 552, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468378455.9670.mp4", + "variation_id": 0, + "video_id": "20111" + }, + { + "bbox": [ + 72, + 14, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9108.mp4", + "variation_id": 0, + "video_id": "20113" + }, + { + "bbox": [ + 0, + 7, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/except.swf", + "variation_id": 0, + "video_id": "20114" + }, + { + "bbox": [ + 234, + 44, + 490, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/except.mp4", + "variation_id": 0, + "video_id": "20115" + } + ] + }, + { + "gloss": "exhibit", + "instances": [ + { + "bbox": [ + 73, + 23, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96346.mp4", + "variation_id": 0, + "video_id": "20256" + }, + { + "bbox": [ + 140, + 0, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468758982.6043.mp4", + "variation_id": 0, + "video_id": "20257" + }, + { + "bbox": [ + 73, + 0, + 614, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/exhibit-art.mp4", + "variation_id": 0, + "video_id": "20258" + }, + { + "bbox": [ + 82, + 8, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/exhibit-court.mp4", + "variation_id": 0, + "video_id": "20259" + }, + { + "bbox": [ + 65, + 14, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14243.mp4", + "variation_id": 0, + "video_id": "20260" + }, + { + "bbox": [ + 0, + 17, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/exhibit.swf", + "variation_id": 0, + "video_id": "20261" + }, + { + "bbox": [ + 204, + 59, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/exhibit.mp4", + "variation_id": 0, + "video_id": "20262" + } + ] + }, + { + "gloss": "explode", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3549, + "frame_start": 3510, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20455" + }, + { + "bbox": [ + 165, + 14, + 501, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXPLODE-736.mp4", + "variation_id": 0, + "video_id": "65662" + }, + { + "bbox": [ + 32, + 9, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/69337.mp4", + "variation_id": 0, + "video_id": "20456" + }, + { + "bbox": [ + 51, + 19, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466683549.5527.mp4", + "variation_id": 0, + "video_id": "20457" + }, + { + "bbox": [ + 50, + 9, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/e/explode.mp4", + "variation_id": 0, + "video_id": "20458" + }, + { + "bbox": [ + 25, + 0, + 262, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9940.mp4", + "variation_id": 0, + "video_id": "20459" + }, + { + "bbox": [ + 0, + 7, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/explode.swf", + "variation_id": 0, + "video_id": "20460" + } + ] + }, + { + "gloss": "express", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3586, + "frame_start": 3550, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=2oaCeSdHG-A", + "variation_id": 0, + "video_id": "20508" + }, + { + "bbox": [ + 138, + 29, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/EX/EXPRESS-1363.mp4", + "variation_id": 0, + "video_id": "65664" + }, + { + "bbox": [ + 57, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/455605.mp4", + "variation_id": 0, + "video_id": "20510" + }, + { + "bbox": [ + 124, + 41, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1513521408.811.mp4", + "variation_id": 0, + "video_id": "20511" + }, + { + "bbox": [ + 70, + 13, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6177.mp4", + "variation_id": 0, + "video_id": "20513" + }, + { + "bbox": [ + 363, + 45, + 963, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=m3XiaFLgNxQ", + "variation_id": 0, + "video_id": "20514" + }, + { + "bbox": [ + 1, + 8, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/e/express.swf", + "variation_id": 0, + "video_id": "20515" + } + ] + }, + { + "gloss": "f", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20670" + }, + { + "bbox": [ + 201, + 33, + 536, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-F-1671.mp4", + "variation_id": 0, + "video_id": "66044" + }, + { + "bbox": [ + 123, + 35, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811116.918.mp4", + "variation_id": 0, + "video_id": "21568" + }, + { + "bbox": [ + 124, + 14, + 459, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/f-abc.mp4", + "variation_id": 0, + "video_id": "21569" + }, + { + "bbox": [ + 86, + 6, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10005.mp4", + "variation_id": 0, + "video_id": "21570" + }, + { + "bbox": [ + 8, + 10, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/f/f.swf", + "variation_id": 0, + "video_id": "21571" + }, + { + "bbox": [ + 226, + 34, + 488, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/f.mp4", + "variation_id": 0, + "video_id": "21572" + } + ] + }, + { + "gloss": "fairy", + "instances": [ + { + "bbox": [ + 27, + 31, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/92987.mp4", + "variation_id": 0, + "video_id": "20836" + }, + { + "bbox": [ + 60, + 9, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468462969.8832.mp4", + "variation_id": 0, + "video_id": "20837" + }, + { + "bbox": [ + 47, + 9, + 274, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8223.mp4", + "variation_id": 0, + "video_id": "20838" + }, + { + "bbox": [ + 40, + 11, + 279, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8225.mp4", + "variation_id": 0, + "video_id": "20839" + }, + { + "bbox": [ + 137, + 34, + 1192, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=jv3O2PnPbHc", + "variation_id": 0, + "video_id": "20840" + }, + { + "bbox": [ + 128, + 27, + 1192, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=txiRsc75YRg", + "variation_id": 0, + "video_id": "20841" + }, + { + "bbox": [ + 1, + 2, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fairy.swf", + "variation_id": 0, + "video_id": "20842" + } + ] + }, + { + "gloss": "familiar", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 333, + "frame_start": 264, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "20965" + }, + { + "bbox": [ + 71, + 7, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468463109.1862.mp4", + "variation_id": 0, + "video_id": "20967" + }, + { + "bbox": [ + 48, + 9, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9496.mp4", + "variation_id": 0, + "video_id": "20969" + }, + { + "bbox": [ + 391, + 47, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=do4CiKHnO6I", + "variation_id": 0, + "video_id": "20970" + }, + { + "bbox": [ + 362, + 33, + 972, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uKuM9j5YxMU", + "variation_id": 0, + "video_id": "20971" + }, + { + "bbox": [ + 28, + 11, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/familiar.swf", + "variation_id": 0, + "video_id": "20972" + }, + { + "bbox": [ + 168, + 67, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/know.mp4", + "variation_id": 0, + "video_id": "20973" + } + ] + }, + { + "gloss": "festival", + "instances": [ + { + "bbox": [ + 18, + 11, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/92667.mp4", + "variation_id": 0, + "video_id": "21524" + }, + { + "bbox": [ + 232, + 34, + 1037, + 720 + ], + "fps": 25, + "frame_end": 109, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=jAGUhH7N6Bs", + "variation_id": 0, + "video_id": "68588" + }, + { + "bbox": [ + 44, + 0, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468464194.8944.mp4", + "variation_id": 0, + "video_id": "21525" + }, + { + "bbox": [ + 2, + 10, + 315, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/festival.mp4", + "variation_id": 0, + "video_id": "21526" + }, + { + "bbox": [ + 46, + 2, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6685.mp4", + "variation_id": 0, + "video_id": "21527" + }, + { + "bbox": [ + 0, + 8, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/festival.swf", + "variation_id": 0, + "video_id": "21528" + }, + { + "bbox": [ + 181, + 43, + 513, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/celebrate.mp4", + "variation_id": 0, + "video_id": "21529" + } + ] + }, + { + "gloss": "finance", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1428, + "frame_start": 1372, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "21837" + }, + { + "bbox": [ + 80, + 28, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/89589.mp4", + "variation_id": 0, + "video_id": "21838" + }, + { + "bbox": [ + 766, + 68, + 1623, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Finance-LrGK65-LIOA.mp4", + "variation_id": 0, + "video_id": "21839" + }, + { + "bbox": [ + 67, + 6, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/finances.mp4", + "variation_id": 0, + "video_id": "21840" + }, + { + "bbox": [ + 76, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6398.mp4", + "variation_id": 0, + "video_id": "21841" + }, + { + "bbox": [ + 6, + 7, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/finance.swf", + "variation_id": 0, + "video_id": "21842" + }, + { + "bbox": [ + 200, + 39, + 462, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/finance.mp4", + "variation_id": 0, + "video_id": "21843" + } + ] + }, + { + "gloss": "fingerspell", + "instances": [ + { + "bbox": [ + 57, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468494362.6037.mp4", + "variation_id": 0, + "video_id": "21925" + }, + { + "bbox": [ + 202, + 0, + 602, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=gpTKMLbzOzE", + "variation_id": 0, + "video_id": "68049" + }, + { + "bbox": [ + 334, + 10, + 906, + 720 + ], + "fps": 25, + "frame_end": 59, + "frame_start": 1, + "instance_id": 3, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=LclVvsf5BYg", + "variation_id": 0, + "video_id": "68648" + }, + { + "bbox": [ + 673, + 65, + 1548, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fingerspell-iRCk40OezJ8.mp4", + "variation_id": 0, + "video_id": "21923" + }, + { + "bbox": [ + 24, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fingerspelling.mp4", + "variation_id": 0, + "video_id": "21926" + }, + { + "bbox": [ + 28, + 10, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6376.mp4", + "variation_id": 0, + "video_id": "21928" + }, + { + "bbox": [ + 271, + 34, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=8YspwOVoB8U", + "variation_id": 0, + "video_id": "21929" + } + ] + }, + { + "gloss": "fire", + "instances": [ + { + "bbox": [ + 91, + 22, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/23/23494.mp4", + "variation_id": 0, + "video_id": "22015" + }, + { + "bbox": [ + 327, + 44, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=-xoJ_2O126Y", + "variation_id": 0, + "video_id": "22017" + }, + { + "bbox": [ + 25, + 13, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/fire.swf", + "variation_id": 0, + "video_id": "22018" + }, + { + "bbox": [ + 99, + 9, + 394, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/fNHfZJZMnIU", + "variation_id": 0, + "video_id": "67664" + }, + { + "bbox": [ + 226, + 39, + 475, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/burn.mp4", + "variation_id": 0, + "video_id": "22019" + }, + { + "bbox": [ + 637, + 73, + 1607, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Fire-0pWwmyGHwX8.mp4", + "variation_id": 0, + "video_id": "22010" + }, + { + "bbox": [ + 103, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 15, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fire.mp4", + "variation_id": 0, + "video_id": "22012" + } + ] + }, + { + "gloss": "firefighter", + "instances": [ + { + "bbox": [ + 155, + 3, + 474, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FIREFIGHTER-133.mp4", + "variation_id": 0, + "video_id": "65726" + }, + { + "bbox": [ + 53, + 12, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93023.mp4", + "variation_id": 0, + "video_id": "21993" + }, + { + "bbox": [ + 461, + 34, + 1443, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cuba%2C%20Firefighter-caqvrVq77P0.mp4", + "variation_id": 0, + "video_id": "21994" + }, + { + "bbox": [ + 51, + 9, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/firefighter.mp4", + "variation_id": 0, + "video_id": "21998" + }, + { + "bbox": [ + 39, + 1, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3231.mp4", + "variation_id": 0, + "video_id": "21999" + }, + { + "bbox": [ + 249, + 0, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KX6sYu6QBl0", + "variation_id": 0, + "video_id": "22000" + }, + { + "bbox": [ + 185, + 24, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/firefighter.mp4", + "variation_id": 0, + "video_id": "22003" + } + ] + }, + { + "gloss": "five", + "instances": [ + { + "bbox": [ + 178, + 39, + 874, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/five.mp4", + "variation_id": 0, + "video_id": "69326" + }, + { + "bbox": [ + 154, + 0, + 447, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 105, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FI/FIVE-459.mp4", + "variation_id": 0, + "video_id": "65734" + }, + { + "bbox": [ + 55, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 1, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/357176.mp4", + "variation_id": 0, + "video_id": "22191" + }, + { + "bbox": [ + 639, + 117, + 1510, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%205-hcCQFYPXUHk.mp4", + "variation_id": 0, + "video_id": "22192" + }, + { + "bbox": [ + 34, + 0, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/five2.mp4", + "variation_id": 0, + "video_id": "22193" + }, + { + "bbox": [ + 85, + 13, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11005.mp4", + "variation_id": 0, + "video_id": "22194" + }, + { + "bbox": [ + 164, + 11, + 489, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7rhyjZEpqVw", + "variation_id": 0, + "video_id": "22196" + } + ] + }, + { + "gloss": "flatter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1784, + "frame_start": 1712, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22356" + }, + { + "bbox": [ + 66, + 14, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96382.mp4", + "variation_id": 0, + "video_id": "22357" + }, + { + "bbox": [ + 690, + 71, + 1531, + 1070 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Seduction%2C%20Persuasion-pm9hEj3M4Ec.mp4", + "variation_id": 0, + "video_id": "22358" + }, + { + "bbox": [ + 134, + 27, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1513520876.1126.mp4", + "variation_id": 0, + "video_id": "22359" + }, + { + "bbox": [ + 115, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/flatter.mp4", + "variation_id": 0, + "video_id": "22361" + }, + { + "bbox": [ + 46, + 11, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1569.mp4", + "variation_id": 0, + "video_id": "22362" + }, + { + "bbox": [ + 0, + 17, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/f/flatter.swf", + "variation_id": 0, + "video_id": "22363" + } + ] + }, + { + "gloss": "fool", + "instances": [ + { + "bbox": [ + 188, + 33, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FOOL-1491.mp4", + "variation_id": 0, + "video_id": "65754" + }, + { + "bbox": [ + 94, + 22, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/23/23337.mp4", + "variation_id": 0, + "video_id": "22780" + }, + { + "bbox": [ + 51, + 7, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/482561.mp4", + "variation_id": 0, + "video_id": "22772" + }, + { + "bbox": [ + 186, + 47, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/trick.mp4", + "variation_id": 0, + "video_id": "22783" + }, + { + "bbox": [ + 172, + 34, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1513521868.3960.mp4", + "variation_id": 0, + "video_id": "22774" + }, + { + "bbox": [ + 44, + 7, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fool2.mp4", + "variation_id": 0, + "video_id": "22775" + }, + { + "bbox": [ + 85, + 16, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/fool-joke.mp4", + "variation_id": 0, + "video_id": "22776" + } + ] + }, + { + "gloss": "forgive", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2578, + "frame_start": 2522, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "22973" + }, + { + "bbox": [ + 70, + 36, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93050.mp4", + "variation_id": 0, + "video_id": "22974" + }, + { + "bbox": [ + 339, + 46, + 1676, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Excused%2C%20Dismiss-U59S2U_woUE.mp4", + "variation_id": 0, + "video_id": "22975" + }, + { + "bbox": [ + 77, + 13, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513504.2992.mp4", + "variation_id": 0, + "video_id": "22976" + }, + { + "bbox": [ + 67, + 11, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/forgive.mp4", + "variation_id": 0, + "video_id": "22977" + }, + { + "bbox": [ + 78, + 12, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6961.mp4", + "variation_id": 0, + "video_id": "22978" + }, + { + "bbox": [ + 228, + 42, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/repent.mp4", + "variation_id": 0, + "video_id": "22980" + } + ] + }, + { + "gloss": "former", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2722, + "frame_start": 2656, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=lWaQxL25Aew", + "variation_id": 0, + "video_id": "23029" + }, + { + "bbox": [ + 161, + 50, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/former.mp4", + "variation_id": 0, + "video_id": "23038" + }, + { + "bbox": [ + 141, + 28, + 499, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 106, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/FO/FORMER-1496.mp4", + "variation_id": 0, + "video_id": "65764" + }, + { + "bbox": [ + 50, + 12, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96391.mp4", + "variation_id": 0, + "video_id": "23030" + }, + { + "bbox": [ + 62, + 11, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513642.1469.mp4", + "variation_id": 0, + "video_id": "23031" + }, + { + "bbox": [ + 166, + 0, + 526, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/former-past.mp4", + "variation_id": 0, + "video_id": "23034" + }, + { + "bbox": [ + 38, + 6, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1588.mp4", + "variation_id": 0, + "video_id": "23035" + } + ] + }, + { + "gloss": "freeway", + "instances": [ + { + "bbox": [ + 351, + 31, + 977, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=gcuunXUlY3U", + "variation_id": 0, + "video_id": "23432" + }, + { + "bbox": [ + 175, + 51, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/freeway.mp4", + "variation_id": 0, + "video_id": "23434" + }, + { + "bbox": [ + 78, + 10, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580990.8981.mp4", + "variation_id": 0, + "video_id": "23425" + }, + { + "bbox": [ + 37, + 11, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/freeway.mp4", + "variation_id": 0, + "video_id": "23426" + }, + { + "bbox": [ + 73, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5952.mp4", + "variation_id": 0, + "video_id": "23427" + }, + { + "bbox": [ + 69, + 6, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5954.mp4", + "variation_id": 0, + "video_id": "23428" + }, + { + "bbox": [ + 331, + 30, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=7Fe_qG-QZF0", + "variation_id": 0, + "video_id": "23431" + } + ] + }, + { + "gloss": "from now on", + "instances": [ + { + "bbox": [ + 711, + 138, + 1580, + 1066 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 39, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20From%20Now%20On-4d5kwJmb8sk.mp4", + "variation_id": 0, + "video_id": "23646" + }, + { + "bbox": [ + 419, + 74, + 1602, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20From%20Now%20On-Mb5K3HDhgwg.mp4", + "variation_id": 0, + "video_id": "23647" + }, + { + "bbox": [ + 715, + 74, + 1628, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20From%20Now%20On-QTxAsxYyP9k.mp4", + "variation_id": 0, + "video_id": "23648" + }, + { + "bbox": [ + 57, + 0, + 625, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/f/from-now-on.mp4", + "variation_id": 0, + "video_id": "23649" + }, + { + "bbox": [ + 63, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9722.mp4", + "variation_id": 0, + "video_id": "23650" + }, + { + "bbox": [ + 274, + 25, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=rIE6pSjWh6A", + "variation_id": 0, + "video_id": "23651" + }, + { + "bbox": [ + 177, + 51, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/from-now-on.mp4", + "variation_id": 0, + "video_id": "23652" + } + ] + }, + { + "gloss": "g", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "23959" + }, + { + "bbox": [ + 202, + 35, + 515, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-G-1670.mp4", + "variation_id": 0, + "video_id": "66045" + }, + { + "bbox": [ + 127, + 33, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811214.4928.mp4", + "variation_id": 0, + "video_id": "24523" + }, + { + "bbox": [ + 122, + 11, + 465, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/g-abc.mp4", + "variation_id": 0, + "video_id": "24524" + }, + { + "bbox": [ + 84, + 11, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10006.mp4", + "variation_id": 0, + "video_id": "24525" + }, + { + "bbox": [ + 10, + 10, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/g/g.swf", + "variation_id": 0, + "video_id": "24526" + }, + { + "bbox": [ + 167, + 51, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/g.mp4", + "variation_id": 0, + "video_id": "24527" + } + ] + }, + { + "gloss": "gang", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 249, + "frame_start": 170, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24042" + }, + { + "bbox": [ + 50, + 38, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93075.mp4", + "variation_id": 0, + "video_id": "24043" + }, + { + "bbox": [ + 25, + 15, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468514961.8665.mp4", + "variation_id": 0, + "video_id": "24044" + }, + { + "bbox": [ + 14, + 0, + 318, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gang.mp4", + "variation_id": 0, + "video_id": "24045" + }, + { + "bbox": [ + 44, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1607.mp4", + "variation_id": 0, + "video_id": "24046" + }, + { + "bbox": [ + 0, + 16, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/gang.swf", + "variation_id": 0, + "video_id": "24047" + }, + { + "bbox": [ + 128, + 52, + 533, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gang.mp4", + "variation_id": 0, + "video_id": "24048" + } + ] + }, + { + "gloss": "gay", + "instances": [ + { + "bbox": [ + 155, + 39, + 470, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GA/GAY-1511.mp4", + "variation_id": 0, + "video_id": "65804" + }, + { + "bbox": [ + 348, + 50, + 903, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=OtKDD4sDj-4", + "variation_id": 0, + "video_id": "24199" + }, + { + "bbox": [ + 89, + 20, + 366, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/IZGrX2xbdac", + "variation_id": 0, + "video_id": "67704" + }, + { + "bbox": [ + 16, + 9, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/g/gay_homosexual.swf", + "variation_id": 0, + "video_id": "24201" + }, + { + "bbox": [ + 232, + 41, + 481, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gay2.mp4", + "variation_id": 0, + "video_id": "24203" + }, + { + "bbox": [ + 83, + 11, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14762.mp4", + "variation_id": 0, + "video_id": "24194" + }, + { + "bbox": [ + 84, + 9, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14764.mp4", + "variation_id": 0, + "video_id": "24195" + } + ] + }, + { + "gloss": "geometry", + "instances": [ + { + "bbox": [ + 60, + 41, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93079.mp4", + "variation_id": 0, + "video_id": "24343" + }, + { + "bbox": [ + 660, + 71, + 1572, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Geometry-g8GwsH1KtfY.mp4", + "variation_id": 0, + "video_id": "24344" + }, + { + "bbox": [ + 119, + 12, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468515529.3008.mp4", + "variation_id": 0, + "video_id": "24345" + }, + { + "bbox": [ + 57, + 8, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/geometry.mp4", + "variation_id": 0, + "video_id": "24346" + }, + { + "bbox": [ + 94, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22138.mp4", + "variation_id": 0, + "video_id": "24347" + }, + { + "bbox": [ + 27, + 9, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/geometry.swf", + "variation_id": 0, + "video_id": "24348" + }, + { + "bbox": [ + 225, + 41, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/geometry.mp4", + "variation_id": 0, + "video_id": "24349" + } + ] + }, + { + "gloss": "get up", + "instances": [ + { + "bbox": [ + 157, + 16, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 94, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GE/GET-UP-143.mp4", + "variation_id": 0, + "video_id": "65814" + }, + { + "bbox": [ + 505, + 58, + 1501, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Get%20Up-L1uby3wGuKA.mp4", + "variation_id": 0, + "video_id": "24498" + }, + { + "bbox": [ + 551, + 69, + 1573, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Get%20Up-ZSKijmbRn0k.mp4", + "variation_id": 0, + "video_id": "24499" + }, + { + "bbox": [ + 83, + 9, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468515676.809.mp4", + "variation_id": 0, + "video_id": "24500" + }, + { + "bbox": [ + 47, + 8, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/get-up.mp4", + "variation_id": 0, + "video_id": "24501" + }, + { + "bbox": [ + 79, + 18, + 204, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23326.mp4", + "variation_id": 0, + "video_id": "24502" + }, + { + "bbox": [ + 177, + 43, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/get-up.mp4", + "variation_id": 0, + "video_id": "24503" + } + ] + }, + { + "gloss": "gift", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 669, + "frame_start": 627, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "24539" + }, + { + "bbox": [ + 68, + 0, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456444.mp4", + "variation_id": 0, + "video_id": "24547" + }, + { + "bbox": [ + 430, + 60, + 803, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/gift.mp4", + "variation_id": 0, + "video_id": "24548" + }, + { + "bbox": [ + 51, + 22, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gift.mp4", + "variation_id": 0, + "video_id": "24551" + }, + { + "bbox": [ + 87, + 17, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23781.mp4", + "variation_id": 0, + "video_id": "24553" + }, + { + "bbox": [ + 28, + 0, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/gift.swf", + "variation_id": 0, + "video_id": "24554" + }, + { + "bbox": [ + 184, + 62, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gift.mp4", + "variation_id": 0, + "video_id": "24555" + } + ] + }, + { + "gloss": "grab", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1519, + "frame_start": 1477, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25270" + }, + { + "bbox": [ + 124, + 35, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 106, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/GR/GRAB-1867.mp4", + "variation_id": 0, + "video_id": "65841" + }, + { + "bbox": [ + 88, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/grab.mp4", + "variation_id": 0, + "video_id": "25278" + }, + { + "bbox": [ + 45, + 10, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24286.mp4", + "variation_id": 0, + "video_id": "25279" + }, + { + "bbox": [ + 68, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6203.mp4", + "variation_id": 0, + "video_id": "25280" + }, + { + "bbox": [ + 2, + 10, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/grab.swf", + "variation_id": 0, + "video_id": "25281" + }, + { + "bbox": [ + 150, + 66, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/grab.mp4", + "variation_id": 0, + "video_id": "25282" + } + ] + }, + { + "gloss": "graduation", + "instances": [ + { + "bbox": [ + 53, + 3, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/58511.mp4", + "variation_id": 0, + "video_id": "25350" + }, + { + "bbox": [ + 405, + 23, + 1159, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Graduation.mp4", + "variation_id": 0, + "video_id": "25351" + }, + { + "bbox": [ + 57, + 0, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/graduation.mp4", + "variation_id": 0, + "video_id": "25352" + }, + { + "bbox": [ + 74, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6256.mp4", + "variation_id": 0, + "video_id": "25353" + }, + { + "bbox": [ + 63, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8864.mp4", + "variation_id": 0, + "video_id": "25354" + }, + { + "bbox": [ + 73, + 1, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/graduation.swf", + "variation_id": 0, + "video_id": "25355" + }, + { + "bbox": [ + 175, + 60, + 532, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/graduate.mp4", + "variation_id": 0, + "video_id": "25356" + } + ] + }, + { + "gloss": "grateful", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1882, + "frame_start": 1826, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=YdHKN_wHZqo", + "variation_id": 0, + "video_id": "25521" + }, + { + "bbox": [ + 58, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/486572.mp4", + "variation_id": 0, + "video_id": "25522" + }, + { + "bbox": [ + 744, + 145, + 1481, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Grateful-676G9Z0wQqQ.mp4", + "variation_id": 0, + "video_id": "25524" + }, + { + "bbox": [ + 84, + 2, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6091.mp4", + "variation_id": 0, + "video_id": "25526" + }, + { + "bbox": [ + 83, + 7, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6092.mp4", + "variation_id": 0, + "video_id": "25527" + }, + { + "bbox": [ + 87, + 15, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6552.mp4", + "variation_id": 0, + "video_id": "25528" + }, + { + "bbox": [ + 17, + 18, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/g/grateful.swf", + "variation_id": 0, + "video_id": "25529" + } + ] + }, + { + "gloss": "grey", + "instances": [ + { + "bbox": [ + 334, + 3, + 916, + 720 + ], + "fps": 25, + "frame_end": 61, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "test", + "url": "https://www.youtube.com/watch?v=gtI2Ha3fKX8", + "variation_id": 0, + "video_id": "68502" + }, + { + "bbox": [ + 185, + 0, + 665, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 111, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=X65eLJc9_OM", + "variation_id": 0, + "video_id": "68062" + }, + { + "bbox": [ + 94, + 10, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468550615.6627.mp4", + "variation_id": 0, + "video_id": "25714" + }, + { + "bbox": [ + 307, + 11, + 944, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 47, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=DCfZax-zBWk", + "variation_id": 0, + "video_id": "25715" + }, + { + "bbox": [ + 302, + 42, + 990, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KYd1QImWeTw", + "variation_id": 0, + "video_id": "25717" + }, + { + "bbox": [ + 304, + 71, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 68, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=vI_EiEt5Yg0", + "variation_id": 0, + "video_id": "25719" + }, + { + "bbox": [ + 172, + 56, + 524, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gray.mp4", + "variation_id": 0, + "video_id": "25721" + } + ] + }, + { + "gloss": "gymnastics", + "instances": [ + { + "bbox": [ + 416, + 55, + 850, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/gymnastics.mp4", + "variation_id": 0, + "video_id": "26062" + }, + { + "bbox": [ + 566, + 133, + 1589, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Gymnastics-0fESuP0TDaM.mp4", + "variation_id": 0, + "video_id": "26063" + }, + { + "bbox": [ + 78, + 14, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gymnastics2.mp4", + "variation_id": 0, + "video_id": "26065" + }, + { + "bbox": [ + 49, + 9, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/g/gymnastics.mp4", + "variation_id": 0, + "video_id": "26066" + }, + { + "bbox": [ + 61, + 15, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6814.mp4", + "variation_id": 0, + "video_id": "26067" + }, + { + "bbox": [ + 335, + 40, + 1054, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Px0zcwM6mIo", + "variation_id": 0, + "video_id": "26068" + }, + { + "bbox": [ + 179, + 61, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gymnastics.mp4", + "variation_id": 0, + "video_id": "26069" + } + ] + }, + { + "gloss": "h", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "26074" + }, + { + "bbox": [ + 85, + 10, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/10/10007.mp4", + "variation_id": 0, + "video_id": "27357" + }, + { + "bbox": [ + 202, + 35, + 507, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 96, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-H-1669.mp4", + "variation_id": 0, + "video_id": "66046" + }, + { + "bbox": [ + 7, + 11, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/h/h.swf", + "variation_id": 0, + "video_id": "27358" + }, + { + "bbox": [ + 114, + 31, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811271.9748.mp4", + "variation_id": 0, + "video_id": "27355" + }, + { + "bbox": [ + 173, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/h.mp4", + "variation_id": 0, + "video_id": "27359" + }, + { + "bbox": [ + 106, + 12, + 459, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/h-abc.mp4", + "variation_id": 0, + "video_id": "27356" + } + ] + }, + { + "gloss": "hang up", + "instances": [ + { + "bbox": [ + 96, + 35, + 495, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 106, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HA/HANG-UP-1841.mp4", + "variation_id": 0, + "video_id": "65877" + }, + { + "bbox": [ + 186, + 53, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/hang-up.mp4", + "variation_id": 0, + "video_id": "26472" + }, + { + "bbox": [ + 657, + 155, + 1512, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hang%20Up%202-6PICwxA_cbI.mp4", + "variation_id": 0, + "video_id": "26463" + }, + { + "bbox": [ + 734, + 149, + 1590, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hang%20Up-6VIqQw4CWYc.mp4", + "variation_id": 0, + "video_id": "26464" + }, + { + "bbox": [ + 43, + 6, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hangup-on.mp4", + "variation_id": 0, + "video_id": "26466" + }, + { + "bbox": [ + 15, + 11, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hangup-phone2.mp4", + "variation_id": 0, + "video_id": "26467" + }, + { + "bbox": [ + 49, + 9, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hangup-phone.mp4", + "variation_id": 0, + "video_id": "26468" + } + ] + }, + { + "gloss": "hanukkah", + "instances": [ + { + "bbox": [ + 42, + 47, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/93121.mp4", + "variation_id": 0, + "video_id": "26483" + }, + { + "bbox": [ + 365, + 26, + 959, + 720 + ], + "fps": 25, + "frame_end": 47, + "frame_start": 1, + "instance_id": 1, + "signer_id": 112, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=usk0m_vrLHw", + "variation_id": 0, + "video_id": "68948" + }, + { + "bbox": [ + 382, + 51, + 1054, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hanukkah-Wnch9QVP3tU.mp4", + "variation_id": 0, + "video_id": "26484" + }, + { + "bbox": [ + 40, + 8, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468579500.5063.mp4", + "variation_id": 0, + "video_id": "26485" + }, + { + "bbox": [ + 15, + 1, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hannukhah.mp4", + "variation_id": 0, + "video_id": "26486" + }, + { + "bbox": [ + 47, + 13, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6815.mp4", + "variation_id": 0, + "video_id": "26487" + }, + { + "bbox": [ + 307, + 24, + 1001, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=wXk1nupiUDg", + "variation_id": 0, + "video_id": "26488" + } + ] + }, + { + "gloss": "heap", + "instances": [ + { + "bbox": [ + 226, + 30, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 91, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/HE/HEAP-1774.mp4", + "variation_id": 0, + "video_id": "65883" + }, + { + "bbox": [ + 363, + 98, + 1444, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Full%20Plate-BG4aE-0-2D8.mp4", + "variation_id": 0, + "video_id": "26931" + }, + { + "bbox": [ + 603, + 64, + 1623, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Heaping-BFtrZdxftYg.mp4", + "variation_id": 0, + "video_id": "26932" + }, + { + "bbox": [ + 74, + 14, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/heap.mp4", + "variation_id": 0, + "video_id": "26934" + }, + { + "bbox": [ + 59, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1089.mp4", + "variation_id": 0, + "video_id": "26935" + }, + { + "bbox": [ + 8, + 10, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/heap.swf", + "variation_id": 0, + "video_id": "26936" + }, + { + "bbox": [ + 194, + 49, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/amount2.mp4", + "variation_id": 0, + "video_id": "26937" + } + ] + }, + { + "gloss": "heart attack", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1166, + "frame_start": 1114, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27017" + }, + { + "bbox": [ + 72, + 43, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91778.mp4", + "variation_id": 0, + "video_id": "27018" + }, + { + "bbox": [ + 692, + 55, + 1645, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Heart%20Attack-qZZoeMc4vTU.mp4", + "variation_id": 0, + "video_id": "27019" + }, + { + "bbox": [ + 88, + 9, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468580472.2357.mp4", + "variation_id": 0, + "video_id": "27020" + }, + { + "bbox": [ + 107, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/heart-attack.mp4", + "variation_id": 0, + "video_id": "27021" + }, + { + "bbox": [ + 87, + 14, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23790.mp4", + "variation_id": 0, + "video_id": "27022" + }, + { + "bbox": [ + 190, + 58, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/heart-attack.mp4", + "variation_id": 0, + "video_id": "27023" + } + ] + }, + { + "gloss": "hill", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1763, + "frame_start": 1714, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27485" + }, + { + "bbox": [ + 9, + 10, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468581050.1002.mp4", + "variation_id": 0, + "video_id": "27486" + }, + { + "bbox": [ + 35, + 21, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22631.mp4", + "variation_id": 0, + "video_id": "27487" + }, + { + "bbox": [ + 217, + 88, + 861, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=p_SE8dzfXvg", + "variation_id": 0, + "video_id": "27489" + }, + { + "bbox": [ + 215, + 13, + 1069, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=xkUoWpkTPD8", + "variation_id": 0, + "video_id": "27490" + }, + { + "bbox": [ + 5, + 17, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hill.swf", + "variation_id": 0, + "video_id": "27491" + }, + { + "bbox": [ + 52, + 48, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hill.mp4", + "variation_id": 0, + "video_id": "27492" + } + ] + }, + { + "gloss": "holy", + "instances": [ + { + "bbox": [ + 340, + 46, + 960, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=VMGhdLtTfmc", + "variation_id": 0, + "video_id": "27752" + }, + { + "bbox": [ + 71, + 45, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93141.mp4", + "variation_id": 0, + "video_id": "27744" + }, + { + "bbox": [ + 183, + 55, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/holy.mp4", + "variation_id": 0, + "video_id": "27754" + }, + { + "bbox": [ + 751, + 74, + 1593, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Holy-G1PXgE-qqb8.mp4", + "variation_id": 0, + "video_id": "27745" + }, + { + "bbox": [ + 69, + 9, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468581544.6198.mp4", + "variation_id": 0, + "video_id": "27746" + }, + { + "bbox": [ + 20, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/holy.mp4", + "variation_id": 0, + "video_id": "27747" + }, + { + "bbox": [ + 56, + 12, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14261.mp4", + "variation_id": 0, + "video_id": "27748" + } + ] + }, + { + "gloss": "hop", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2097, + "frame_start": 2051, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "27915" + }, + { + "bbox": [ + 28, + 10, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468669834.1773.mp4", + "variation_id": 0, + "video_id": "27940" + }, + { + "bbox": [ + 102, + 8, + 485, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hop.mp4", + "variation_id": 0, + "video_id": "27941" + }, + { + "bbox": [ + 59, + 22, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22210.mp4", + "variation_id": 0, + "video_id": "27942" + }, + { + "bbox": [ + 52, + 16, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3564.mp4", + "variation_id": 0, + "video_id": "27943" + }, + { + "bbox": [ + 1, + 13, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/hop.swf", + "variation_id": 0, + "video_id": "27944" + }, + { + "bbox": [ + 182, + 56, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hop.mp4", + "variation_id": 0, + "video_id": "27945" + } + ] + }, + { + "gloss": "host", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2248, + "frame_start": 2212, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28050" + }, + { + "bbox": [ + 667, + 57, + 1605, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Adopt%2C%20Host-RVhtwm64uyk.mp4", + "variation_id": 0, + "video_id": "28056" + }, + { + "bbox": [ + 66, + 17, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9094.mp4", + "variation_id": 0, + "video_id": "28067" + }, + { + "bbox": [ + 256, + 36, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/adopt.mp4", + "variation_id": 0, + "video_id": "28069" + }, + { + "bbox": [ + 175, + 0, + 1385, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 46, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Host-379faVY_wzA.mp4", + "variation_id": 0, + "video_id": "28057" + }, + { + "bbox": [ + 75, + 22, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466170437.4315.mp4", + "variation_id": 0, + "video_id": "28058" + }, + { + "bbox": [ + 29, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/host-event.mp4", + "variation_id": 0, + "video_id": "28059" + } + ] + }, + { + "gloss": "hot dog", + "instances": [ + { + "bbox": [ + 619, + 77, + 1563, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hot%20Dog-GRyHhWy9lqE.mp4", + "variation_id": 0, + "video_id": "28085" + }, + { + "bbox": [ + 65, + 20, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/h/hot-dog2.mp4", + "variation_id": 0, + "video_id": "28088" + }, + { + "bbox": [ + 64, + 23, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/hot-dog.mp4", + "variation_id": 0, + "video_id": "28089" + }, + { + "bbox": [ + 189, + 51, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/hot-dog2.mp4", + "variation_id": 0, + "video_id": "28096" + }, + { + "bbox": [ + 40, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456598.mp4", + "variation_id": 0, + "video_id": "28082" + }, + { + "bbox": [ + 37, + 7, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468638654.2517.mp4", + "variation_id": 0, + "video_id": "28087" + }, + { + "bbox": [ + 68, + 14, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9071.mp4", + "variation_id": 0, + "video_id": "28091" + } + ] + }, + { + "gloss": "human", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2505, + "frame_start": 2456, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=SiBub8VD5wo", + "variation_id": 0, + "video_id": "28285" + }, + { + "bbox": [ + 6, + 4, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468639013.3764.mp4", + "variation_id": 0, + "video_id": "28288" + }, + { + "bbox": [ + 131, + 0, + 519, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/h/human.mp4", + "variation_id": 0, + "video_id": "28290" + }, + { + "bbox": [ + 65, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22124.mp4", + "variation_id": 0, + "video_id": "28291" + }, + { + "bbox": [ + 87, + 22, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22125.mp4", + "variation_id": 0, + "video_id": "28292" + }, + { + "bbox": [ + 6, + 10, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/h/human.swf", + "variation_id": 0, + "video_id": "28295" + }, + { + "bbox": [ + 163, + 50, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/human.mp4", + "variation_id": 0, + "video_id": "28296" + } + ] + }, + { + "gloss": "i", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28557" + }, + { + "bbox": [ + 159, + 14, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 90, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-I-495.mp4", + "variation_id": 0, + "video_id": "66047" + }, + { + "bbox": [ + 162, + 30, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811446.7425.mp4", + "variation_id": 0, + "video_id": "28789" + }, + { + "bbox": [ + 126, + 14, + 464, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/i-abc.mp4", + "variation_id": 0, + "video_id": "28790" + }, + { + "bbox": [ + 91, + 8, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10008.mp4", + "variation_id": 0, + "video_id": "28791" + }, + { + "bbox": [ + 5, + 12, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/i/i.swf", + "variation_id": 0, + "video_id": "28793" + }, + { + "bbox": [ + 163, + 45, + 491, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/i2.mp4", + "variation_id": 0, + "video_id": "28794" + } + ] + }, + { + "gloss": "ill", + "instances": [ + { + "bbox": [ + 80, + 12, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "test", + "url": "https://www.handspeak.com/word/i/ill-sick.mp4", + "variation_id": 0, + "video_id": "28823" + }, + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 337, + "frame_start": 291, + "instance_id": 2, + "signer_id": 9, + "source": "asl5200", + "split": "val", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28810" + }, + { + "bbox": [ + 21, + 0, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/456632.mp4", + "variation_id": 0, + "video_id": "28820" + }, + { + "bbox": [ + 77, + 0, + 604, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468766858.7018.mp4", + "variation_id": 0, + "video_id": "28821" + }, + { + "bbox": [ + 50, + 0, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14644.mp4", + "variation_id": 0, + "video_id": "28824" + }, + { + "bbox": [ + 6, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/ill.swf", + "variation_id": 0, + "video_id": "28826" + }, + { + "bbox": [ + 170, + 58, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ill.mp4", + "variation_id": 0, + "video_id": "28827" + } + ] + }, + { + "gloss": "illegal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 377, + "frame_start": 338, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "28811" + }, + { + "bbox": [ + 34, + 0, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51710.mp4", + "variation_id": 0, + "video_id": "28813" + }, + { + "bbox": [ + 430, + 54, + 1664, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Forbid%2C%20Forbidden%2C%20Ban-0rSy7LgjrBw.mp4", + "variation_id": 0, + "video_id": "28814" + }, + { + "bbox": [ + 118, + 27, + 530, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1553867691.8340.mp4", + "variation_id": 0, + "video_id": "28815" + }, + { + "bbox": [ + 64, + 9, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/illegal.mp4", + "variation_id": 0, + "video_id": "28816" + }, + { + "bbox": [ + 53, + 23, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22256.mp4", + "variation_id": 0, + "video_id": "28817" + }, + { + "bbox": [ + 161, + 53, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/illegal.mp4", + "variation_id": 0, + "video_id": "28818" + } + ] + }, + { + "gloss": "impact", + "instances": [ + { + "bbox": [ + 198, + 32, + 515, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 99, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IM/IMPACT-149.mp4", + "variation_id": 0, + "video_id": "65925" + }, + { + "bbox": [ + 41, + 11, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/154701.mp4", + "variation_id": 0, + "video_id": "29007" + }, + { + "bbox": [ + 96, + 17, + 385, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/nvq9V9qYKuA", + "variation_id": 0, + "video_id": "67787" + }, + { + "bbox": [ + 79, + 8, + 538, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665480.1754.mp4", + "variation_id": 0, + "video_id": "29008" + }, + { + "bbox": [ + 107, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/impact.mp4", + "variation_id": 0, + "video_id": "29009" + }, + { + "bbox": [ + 82, + 23, + 194, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22252.mp4", + "variation_id": 0, + "video_id": "29010" + }, + { + "bbox": [ + 181, + 60, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/impact.mp4", + "variation_id": 0, + "video_id": "29011" + } + ] + }, + { + "gloss": "individual", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 886, + "frame_start": 850, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "29461" + }, + { + "bbox": [ + 166, + 21, + 444, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 92, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INDIVIDUAL-2239.mp4", + "variation_id": 0, + "video_id": "65933" + }, + { + "bbox": [ + 72, + 1, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457850.mp4", + "variation_id": 0, + "video_id": "29462" + }, + { + "bbox": [ + 15, + 4, + 623, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468666589.2666.mp4", + "variation_id": 0, + "video_id": "29463" + }, + { + "bbox": [ + 68, + 10, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/individual.mp4", + "variation_id": 0, + "video_id": "29464" + }, + { + "bbox": [ + 0, + 12, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/individual.swf", + "variation_id": 0, + "video_id": "29467" + }, + { + "bbox": [ + 202, + 55, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/individual.mp4", + "variation_id": 0, + "video_id": "29468" + } + ] + }, + { + "gloss": "inspect", + "instances": [ + { + "bbox": [ + 83, + 14, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96620.mp4", + "variation_id": 0, + "video_id": "29897" + }, + { + "bbox": [ + 88, + 23, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466731165.5151.mp4", + "variation_id": 0, + "video_id": "29898" + }, + { + "bbox": [ + 51, + 10, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/inspect.mp4", + "variation_id": 0, + "video_id": "29899" + }, + { + "bbox": [ + 66, + 24, + 192, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23210.mp4", + "variation_id": 0, + "video_id": "29900" + }, + { + "bbox": [ + 48, + 19, + 202, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23211.mp4", + "variation_id": 0, + "video_id": "29901" + }, + { + "bbox": [ + 0, + 12, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/inspect.swf", + "variation_id": 0, + "video_id": "29902" + }, + { + "bbox": [ + 177, + 62, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/inspect.mp4", + "variation_id": 0, + "video_id": "29903" + } + ] + }, + { + "gloss": "inspire", + "instances": [ + { + "bbox": [ + 198, + 34, + 515, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 96, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IN/INSPIRE-1732.mp4", + "variation_id": 0, + "video_id": "65943" + }, + { + "bbox": [ + 55, + 5, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/482565.mp4", + "variation_id": 0, + "video_id": "29919" + }, + { + "bbox": [ + 612, + 138, + 1505, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Inspire-_HFMJ0eMeC8.mp4", + "variation_id": 0, + "video_id": "29920" + }, + { + "bbox": [ + 46, + 7, + 562, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468667321.6561.mp4", + "variation_id": 0, + "video_id": "29921" + }, + { + "bbox": [ + 43, + 9, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/inspire2.mp4", + "variation_id": 0, + "video_id": "29922" + }, + { + "bbox": [ + 67, + 8, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9292.mp4", + "variation_id": 0, + "video_id": "29924" + }, + { + "bbox": [ + 23, + 11, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/inspire.swf", + "variation_id": 0, + "video_id": "29925" + } + ] + }, + { + "gloss": "intersection", + "instances": [ + { + "bbox": [ + 52, + 10, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 29, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/72781.mp4", + "variation_id": 0, + "video_id": "30297" + }, + { + "bbox": [ + 151, + 35, + 476, + 480 + ], + "fps": 25, + "frame_end": 1723, + "frame_start": 1600, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70182" + }, + { + "bbox": [ + 422, + 58, + 816, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/intersection.mp4", + "variation_id": 0, + "video_id": "30298" + }, + { + "bbox": [ + 0, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/i/intersection.mp4", + "variation_id": 0, + "video_id": "30300" + }, + { + "bbox": [ + 66, + 18, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1809.mp4", + "variation_id": 0, + "video_id": "30301" + }, + { + "bbox": [ + 309, + 32, + 946, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kMVyOw_s_cg", + "variation_id": 0, + "video_id": "30302" + }, + { + "bbox": [ + 232, + 46, + 493, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/intersection.mp4", + "variation_id": 0, + "video_id": "30304" + } + ] + }, + { + "gloss": "ireland", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1861, + "frame_start": 1809, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1YuKDdDp_k", + "variation_id": 0, + "video_id": "30582" + }, + { + "bbox": [ + 204, + 33, + 513, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IR/IRELAND-1716.mp4", + "variation_id": 0, + "video_id": "65963" + }, + { + "bbox": [ + 549, + 107, + 1485, + 1073 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ireland-4Vuk5SUToeI.mp4", + "variation_id": 0, + "video_id": "30584" + }, + { + "bbox": [ + 56, + 5, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668451.135.mp4", + "variation_id": 0, + "video_id": "30585" + }, + { + "bbox": [ + 69, + 4, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5762.mp4", + "variation_id": 0, + "video_id": "30587" + }, + { + "bbox": [ + 304, + 44, + 1035, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=aDwyyw2t3mU", + "variation_id": 0, + "video_id": "30588" + }, + { + "bbox": [ + 0, + 12, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/ireland.swf", + "variation_id": 0, + "video_id": "30589" + } + ] + }, + { + "gloss": "iron", + "instances": [ + { + "bbox": [ + 155, + 16, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/IR/IRON-366.mp4", + "variation_id": 0, + "video_id": "65964" + }, + { + "bbox": [ + 189, + 45, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/ironing.mp4", + "variation_id": 0, + "video_id": "30603" + }, + { + "bbox": [ + 295, + 53, + 806, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/iron.mp4", + "variation_id": 0, + "video_id": "30595" + }, + { + "bbox": [ + 81, + 35, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/4eOyHjL3Ce0", + "variation_id": 0, + "video_id": "67798" + }, + { + "bbox": [ + 21, + 14, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468668486.3737.mp4", + "variation_id": 0, + "video_id": "30596" + }, + { + "bbox": [ + 0, + 0, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/iron_electric.swf", + "variation_id": 0, + "video_id": "30600" + }, + { + "bbox": [ + 0, + 0, + 243, + 234 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/i/iron_household.swf", + "variation_id": 0, + "video_id": "30601" + } + ] + }, + { + "gloss": "j", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 33, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "30820" + }, + { + "bbox": [ + 200, + 33, + 524, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-J-1668.mp4", + "variation_id": 0, + "video_id": "66048" + }, + { + "bbox": [ + 133, + 33, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811480.114.mp4", + "variation_id": 0, + "video_id": "31100" + }, + { + "bbox": [ + 121, + 15, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/j-abc.mp4", + "variation_id": 0, + "video_id": "31101" + }, + { + "bbox": [ + 83, + 5, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10009.mp4", + "variation_id": 0, + "video_id": "31102" + }, + { + "bbox": [ + 7, + 12, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/j/j.swf", + "variation_id": 0, + "video_id": "31103" + }, + { + "bbox": [ + 176, + 62, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/j.mp4", + "variation_id": 0, + "video_id": "31104" + } + ] + }, + { + "gloss": "jewelry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 429, + "frame_start": 347, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31072" + }, + { + "bbox": [ + 176, + 32, + 535, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/JE/JEWELRY-1707.mp4", + "variation_id": 0, + "video_id": "65978" + }, + { + "bbox": [ + 562, + 63, + 1838, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jewelry%202-1QExxwdFd8s.mp4", + "variation_id": 0, + "video_id": "31077" + }, + { + "bbox": [ + 534, + 61, + 1805, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Jewelry-FJPV-IHTwBI.mp4", + "variation_id": 0, + "video_id": "31078" + }, + { + "bbox": [ + 97, + 15, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468669184.4289.mp4", + "variation_id": 0, + "video_id": "31079" + }, + { + "bbox": [ + 38, + 10, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1843.mp4", + "variation_id": 0, + "video_id": "31080" + }, + { + "bbox": [ + 185, + 56, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/jewelry.mp4", + "variation_id": 0, + "video_id": "31082" + } + ] + }, + { + "gloss": "journey", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 576, + "frame_start": 530, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31216" + }, + { + "bbox": [ + 111, + 11, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468669602.1388.mp4", + "variation_id": 0, + "video_id": "31218" + }, + { + "bbox": [ + 26, + 7, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/journey.mp4", + "variation_id": 0, + "video_id": "31219" + }, + { + "bbox": [ + 52, + 8, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14645.mp4", + "variation_id": 0, + "video_id": "31220" + }, + { + "bbox": [ + 67, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9117.mp4", + "variation_id": 0, + "video_id": "31221" + }, + { + "bbox": [ + 22, + 7, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/journey.swf", + "variation_id": 0, + "video_id": "31222" + }, + { + "bbox": [ + 139, + 68, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/journey.mp4", + "variation_id": 0, + "video_id": "31223" + } + ] + }, + { + "gloss": "joy", + "instances": [ + { + "bbox": [ + 48, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 8, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/458073.mp4", + "variation_id": 0, + "video_id": "31232" + }, + { + "bbox": [ + 53, + 14, + 606, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468669671.454.mp4", + "variation_id": 0, + "video_id": "31233" + }, + { + "bbox": [ + 34, + 0, + 292, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/joy.mp4", + "variation_id": 0, + "video_id": "31234" + }, + { + "bbox": [ + 67, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23650.mp4", + "variation_id": 0, + "video_id": "31236" + }, + { + "bbox": [ + 59, + 14, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23651.mp4", + "variation_id": 0, + "video_id": "31237" + }, + { + "bbox": [ + 0, + 13, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/j/joy.swf", + "variation_id": 0, + "video_id": "31238" + }, + { + "bbox": [ + 166, + 56, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/joy.mp4", + "variation_id": 0, + "video_id": "31239" + } + ] + }, + { + "gloss": "july", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 710, + "frame_start": 640, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=8kWVajLqBL4", + "variation_id": 0, + "video_id": "31297" + }, + { + "bbox": [ + 154, + 7, + 822, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 46, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20July.mp4", + "variation_id": 0, + "video_id": "31300" + }, + { + "bbox": [ + 173, + 64, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/july.mp4", + "variation_id": 0, + "video_id": "31306" + }, + { + "bbox": [ + 72, + 5, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468669802.4225.mp4", + "variation_id": 0, + "video_id": "31301" + }, + { + "bbox": [ + 34, + 14, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/j/july.mp4", + "variation_id": 0, + "video_id": "31302" + }, + { + "bbox": [ + 76, + 13, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7091.mp4", + "variation_id": 0, + "video_id": "31303" + }, + { + "bbox": [ + 265, + 8, + 956, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=WHL8vyAsmeE", + "variation_id": 0, + "video_id": "31304" + } + ] + }, + { + "gloss": "k", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=D2Vg3lKjX78", + "variation_id": 0, + "video_id": "31436" + }, + { + "bbox": [ + 202, + 36, + 509, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-K-1667.mp4", + "variation_id": 0, + "video_id": "66049" + }, + { + "bbox": [ + 151, + 35, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811506.2355.mp4", + "variation_id": 0, + "video_id": "31583" + }, + { + "bbox": [ + 129, + 16, + 464, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/k-abc.mp4", + "variation_id": 0, + "video_id": "31584" + }, + { + "bbox": [ + 84, + 6, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10010.mp4", + "variation_id": 0, + "video_id": "31585" + }, + { + "bbox": [ + 8, + 14, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/k/k.swf", + "variation_id": 0, + "video_id": "31586" + }, + { + "bbox": [ + 189, + 65, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/k.mp4", + "variation_id": 0, + "video_id": "31587" + } + ] + }, + { + "gloss": "kid", + "instances": [ + { + "bbox": [ + 164, + 14, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 90, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/KI/KID-163.mp4", + "variation_id": 0, + "video_id": "65991" + }, + { + "bbox": [ + 218, + 48, + 497, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/kid.mp4", + "variation_id": 0, + "video_id": "31621" + }, + { + "bbox": [ + 55, + 20, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96647.mp4", + "variation_id": 0, + "video_id": "31612" + }, + { + "bbox": [ + 86, + 23, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/LjrHbGsSxtg", + "variation_id": 0, + "video_id": "67814" + }, + { + "bbox": [ + 476, + 63, + 1531, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Kid-9fW3v6gWc8E.mp4", + "variation_id": 0, + "video_id": "31613" + }, + { + "bbox": [ + 91, + 14, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670253.2906.mp4", + "variation_id": 0, + "video_id": "31614" + }, + { + "bbox": [ + 10, + 14, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/kid.swf", + "variation_id": 0, + "video_id": "31620" + } + ] + }, + { + "gloss": "kindergarten", + "instances": [ + { + "bbox": [ + 70, + 19, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/96648.mp4", + "variation_id": 0, + "video_id": "31687" + }, + { + "bbox": [ + 441, + 50, + 1066, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Kindergarten.mp4", + "variation_id": 0, + "video_id": "31688" + }, + { + "bbox": [ + 83, + 7, + 609, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468670387.4228.mp4", + "variation_id": 0, + "video_id": "31689" + }, + { + "bbox": [ + 194, + 12, + 528, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/k/kindergarten.mp4", + "variation_id": 0, + "video_id": "31690" + }, + { + "bbox": [ + 73, + 19, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8523.mp4", + "variation_id": 0, + "video_id": "31691" + }, + { + "bbox": [ + 21, + 3, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/k/kindergarten.swf", + "variation_id": 0, + "video_id": "31692" + }, + { + "bbox": [ + 204, + 43, + 515, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/kindergarten.mp4", + "variation_id": 0, + "video_id": "31693" + } + ] + }, + { + "gloss": "lady", + "instances": [ + { + "bbox": [ + 76, + 37, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/91450.mp4", + "variation_id": 0, + "video_id": "32046" + }, + { + "bbox": [ + 87, + 3, + 493, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468671141.1497.mp4", + "variation_id": 0, + "video_id": "32047" + }, + { + "bbox": [ + 72, + 0, + 438, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lady.mp4", + "variation_id": 0, + "video_id": "32048" + }, + { + "bbox": [ + 71, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6188.mp4", + "variation_id": 0, + "video_id": "32049" + }, + { + "bbox": [ + 78, + 14, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8401.mp4", + "variation_id": 0, + "video_id": "32050" + }, + { + "bbox": [ + 31, + 14, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lady.swf", + "variation_id": 0, + "video_id": "32051" + }, + { + "bbox": [ + 191, + 53, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lady.mp4", + "variation_id": 0, + "video_id": "32052" + } + ] + }, + { + "gloss": "lamp", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 97, + "frame_start": 58, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32092" + }, + { + "bbox": [ + 4, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/l/lamp.mp4", + "variation_id": 0, + "video_id": "32096" + }, + { + "bbox": [ + 64, + 0, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5696.mp4", + "variation_id": 0, + "video_id": "32097" + }, + { + "bbox": [ + 261, + 41, + 942, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KOKG7jy8Loo", + "variation_id": 0, + "video_id": "32100" + }, + { + "bbox": [ + 64, + 22, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/tUVePolTGZU", + "variation_id": 0, + "video_id": "67824" + }, + { + "bbox": [ + 0, + 17, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lamp.swf", + "variation_id": 0, + "video_id": "32104" + }, + { + "bbox": [ + 364, + 54, + 830, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/lamp.mp4", + "variation_id": 0, + "video_id": "32094" + } + ] + }, + { + "gloss": "last week", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 287, + "frame_start": 235, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32275" + }, + { + "bbox": [ + 201, + 33, + 581, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LA/LAST-WEEK-1690.mp4", + "variation_id": 0, + "video_id": "66011" + }, + { + "bbox": [ + 41, + 1, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457492.mp4", + "variation_id": 0, + "video_id": "32276" + }, + { + "bbox": [ + 692, + 145, + 1553, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Last%20Week-3NMWN7wipFI.mp4", + "variation_id": 0, + "video_id": "32277" + }, + { + "bbox": [ + 189, + 67, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520782595.4912.mp4", + "variation_id": 0, + "video_id": "32278" + }, + { + "bbox": [ + 30, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/last-week.mp4", + "variation_id": 0, + "video_id": "32279" + }, + { + "bbox": [ + 192, + 68, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/a-week-ago.mp4", + "variation_id": 0, + "video_id": "32280" + } + ] + }, + { + "gloss": "laundry", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 550, + "frame_start": 471, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32419" + }, + { + "bbox": [ + 391, + 56, + 864, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/laundry.mp4", + "variation_id": 0, + "video_id": "32421" + }, + { + "bbox": [ + 183, + 72, + 607, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 34, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546574288.4943.mp4", + "variation_id": 0, + "video_id": "32422" + }, + { + "bbox": [ + 15, + 7, + 301, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/laundry.mp4", + "variation_id": 0, + "video_id": "32423" + }, + { + "bbox": [ + 52, + 19, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24009.mp4", + "variation_id": 0, + "video_id": "32424" + }, + { + "bbox": [ + 248, + 47, + 948, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BHBj0fMBO1c", + "variation_id": 0, + "video_id": "32426" + }, + { + "bbox": [ + 159, + 53, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/laundry.mp4", + "variation_id": 0, + "video_id": "32427" + } + ] + }, + { + "gloss": "leader", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 697, + "frame_start": 641, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32519" + }, + { + "bbox": [ + 241, + 46, + 519, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/leader.mp4", + "variation_id": 0, + "video_id": "32530" + }, + { + "bbox": [ + 98, + 12, + 252, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/leader.mov", + "variation_id": 0, + "video_id": "32520" + }, + { + "bbox": [ + 69, + 0, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457507.mp4", + "variation_id": 0, + "video_id": "32521" + }, + { + "bbox": [ + 415, + 59, + 810, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/leader.mp4", + "variation_id": 0, + "video_id": "32522" + }, + { + "bbox": [ + 152, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671642.3599.mp4", + "variation_id": 0, + "video_id": "32523" + }, + { + "bbox": [ + 122, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/leader.mp4", + "variation_id": 0, + "video_id": "32524" + } + ] + }, + { + "gloss": "league", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 841, + "frame_start": 795, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32561" + }, + { + "bbox": [ + 196, + 29, + 520, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LEAGUE-1684.mp4", + "variation_id": 0, + "video_id": "66022" + }, + { + "bbox": [ + 72, + 4, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457508.mp4", + "variation_id": 0, + "video_id": "32562" + }, + { + "bbox": [ + 699, + 53, + 1544, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20League-OxAdQe6YYP0.mp4", + "variation_id": 0, + "video_id": "32563" + }, + { + "bbox": [ + 67, + 5, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 85, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/league.mp4", + "variation_id": 0, + "video_id": "32565" + }, + { + "bbox": [ + 311, + 44, + 993, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Mc3v5tXkiB4", + "variation_id": 0, + "video_id": "32566" + }, + { + "bbox": [ + 0, + 10, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/league.swf", + "variation_id": 0, + "video_id": "32567" + } + ] + }, + { + "gloss": "leak", + "instances": [ + { + "bbox": [ + 59, + 15, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/1/1915.mp4", + "variation_id": 0, + "video_id": "32575" + }, + { + "bbox": [ + 297, + 25, + 1093, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=oMaXlxmkLqs", + "variation_id": 0, + "video_id": "32576" + }, + { + "bbox": [ + 219, + 49, + 521, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/leak.mp4", + "variation_id": 0, + "video_id": "32579" + }, + { + "bbox": [ + 50, + 4, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 8, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457509.mp4", + "variation_id": 0, + "video_id": "32569" + }, + { + "bbox": [ + 367, + 71, + 795, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/leak.mp4", + "variation_id": 0, + "video_id": "32570" + }, + { + "bbox": [ + 109, + 0, + 614, + 540 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 15, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1546371317.9955.mp4", + "variation_id": 0, + "video_id": "32571" + }, + { + "bbox": [ + 26, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/leak.mp4", + "variation_id": 0, + "video_id": "32573" + } + ] + }, + { + "gloss": "legal", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 998, + "frame_start": 956, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32752" + }, + { + "bbox": [ + 38, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 35, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51721.mp4", + "variation_id": 0, + "video_id": "32754" + }, + { + "bbox": [ + 174, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468671514.5370.mp4", + "variation_id": 0, + "video_id": "32755" + }, + { + "bbox": [ + 91, + 2, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/legal.mp4", + "variation_id": 0, + "video_id": "32756" + }, + { + "bbox": [ + 77, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6447.mp4", + "variation_id": 0, + "video_id": "32757" + }, + { + "bbox": [ + 5, + 6, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/legal.swf", + "variation_id": 0, + "video_id": "32758" + }, + { + "bbox": [ + 185, + 57, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/legal.mp4", + "variation_id": 0, + "video_id": "32759" + } + ] + }, + { + "gloss": "let", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1264, + "frame_start": 1222, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32902" + }, + { + "bbox": [ + 127, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468711173.5413.mp4", + "variation_id": 0, + "video_id": "32911" + }, + { + "bbox": [ + 120, + 2, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/let.mp4", + "variation_id": 0, + "video_id": "32914" + }, + { + "bbox": [ + 46, + 14, + 236, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1935.mp4", + "variation_id": 0, + "video_id": "32915" + }, + { + "bbox": [ + 75, + 18, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23648.mp4", + "variation_id": 0, + "video_id": "32916" + }, + { + "bbox": [ + 6, + 7, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/let.swf", + "variation_id": 0, + "video_id": "32917" + }, + { + "bbox": [ + 171, + 59, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/let.mp4", + "variation_id": 0, + "video_id": "32918" + } + ] + }, + { + "gloss": "liability", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1367, + "frame_start": 1315, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "32999" + }, + { + "bbox": [ + 37, + 4, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/246074.mp4", + "variation_id": 0, + "video_id": "33000" + }, + { + "bbox": [ + 466, + 48, + 1644, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Accountable%2C%20Liability%2C%20Responsible-Gt52TLMYLYc.mp4", + "variation_id": 0, + "video_id": "33001" + }, + { + "bbox": [ + 136, + 0, + 569, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468711311.3693.mp4", + "variation_id": 0, + "video_id": "33002" + }, + { + "bbox": [ + 50, + 5, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5977.mp4", + "variation_id": 0, + "video_id": "33003" + }, + { + "bbox": [ + 20, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/l/liability.swf", + "variation_id": 0, + "video_id": "33004" + }, + { + "bbox": [ + 185, + 43, + 479, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/liability.mp4", + "variation_id": 0, + "video_id": "33005" + } + ] + }, + { + "gloss": "librarian", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1427, + "frame_start": 1368, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33041" + }, + { + "bbox": [ + 55, + 0, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457534.mp4", + "variation_id": 0, + "video_id": "33042" + }, + { + "bbox": [ + 138, + 16, + 530, + 414 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 36, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/librarian.mp4", + "variation_id": 0, + "video_id": "33043" + }, + { + "bbox": [ + 71, + 12, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8411.mp4", + "variation_id": 0, + "video_id": "33044" + }, + { + "bbox": [ + 323, + 27, + 931, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=uFj6HjUlTXQ", + "variation_id": 0, + "video_id": "33045" + }, + { + "bbox": [ + 25, + 2, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/librarian.swf", + "variation_id": 0, + "video_id": "33046" + }, + { + "bbox": [ + 222, + 41, + 484, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/librarian.mp4", + "variation_id": 0, + "video_id": "33047" + } + ] + }, + { + "gloss": "license", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1540, + "frame_start": 1501, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33061" + }, + { + "bbox": [ + 61, + 8, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 29, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/76803.mp4", + "variation_id": 0, + "video_id": "33063" + }, + { + "bbox": [ + 151, + 5, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/license2.mp4", + "variation_id": 0, + "video_id": "33065" + }, + { + "bbox": [ + 78, + 28, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22211.mp4", + "variation_id": 0, + "video_id": "33066" + }, + { + "bbox": [ + 50, + 5, + 502, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_ZlZ_rVE6dc", + "variation_id": 0, + "video_id": "33067" + }, + { + "bbox": [ + 10, + 15, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/license.swf", + "variation_id": 0, + "video_id": "33068" + }, + { + "bbox": [ + 231, + 42, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/license.mp4", + "variation_id": 0, + "video_id": "33069" + } + ] + }, + { + "gloss": "little bit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2064, + "frame_start": 2002, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33517" + }, + { + "bbox": [ + 45, + 0, + 1110, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "valencia-asl", + "split": "val", + "url": "https://www.youtube.com/watch?v=66wIhi4FD9k", + "variation_id": 0, + "video_id": "68094" + }, + { + "bbox": [ + 98, + 16, + 544, + 357 + ], + "fps": 25, + "frame_end": 55, + "frame_start": 1, + "instance_id": 2, + "signer_id": 115, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=JHwMPJ4IlKA", + "variation_id": 0, + "video_id": "68596" + }, + { + "bbox": [ + 176, + 51, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1513523009.9478.mp4", + "variation_id": 0, + "video_id": "33518" + }, + { + "bbox": [ + 85, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23862.mp4", + "variation_id": 0, + "video_id": "33519" + }, + { + "bbox": [ + 320, + 53, + 958, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=i92upehho3U", + "variation_id": 0, + "video_id": "33520" + }, + { + "bbox": [ + 247, + 43, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/little-bit.mp4", + "variation_id": 0, + "video_id": "33521" + } + ] + }, + { + "gloss": "loan", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2137, + "frame_start": 2098, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33607" + }, + { + "bbox": [ + 168, + 51, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/loan2.mp4", + "variation_id": 0, + "video_id": "33616" + }, + { + "bbox": [ + 130, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712301.2247.mp4", + "variation_id": 0, + "video_id": "33609" + }, + { + "bbox": [ + 108, + 0, + 501, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/loan-to.mp4", + "variation_id": 0, + "video_id": "33610" + }, + { + "bbox": [ + 84, + 18, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24008.mp4", + "variation_id": 0, + "video_id": "33612" + }, + { + "bbox": [ + 316, + 54, + 896, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=enWrF4cYU_A", + "variation_id": 0, + "video_id": "33613" + }, + { + "bbox": [ + 14, + 15, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/loan.swf", + "variation_id": 0, + "video_id": "33615" + } + ] + }, + { + "gloss": "look at", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2387, + "frame_start": 2341, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33848" + }, + { + "bbox": [ + 66, + 0, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457580.mp4", + "variation_id": 0, + "video_id": "33851" + }, + { + "bbox": [ + 101, + 15, + 374, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9FtjVGbH9OU", + "variation_id": 0, + "video_id": "67859" + }, + { + "bbox": [ + 17, + 3, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/look-at-me.mp4", + "variation_id": 0, + "video_id": "33855" + }, + { + "bbox": [ + 89, + 0, + 551, + 470 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/look-at.mp4", + "variation_id": 0, + "video_id": "33856" + }, + { + "bbox": [ + 64, + 11, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8932.mp4", + "variation_id": 0, + "video_id": "33857" + }, + { + "bbox": [ + 363, + 43, + 974, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kAYwOdQpzgg", + "variation_id": 0, + "video_id": "33858" + } + ] + }, + { + "gloss": "look for", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2434, + "frame_start": 2388, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33880" + }, + { + "bbox": [ + 313, + 12, + 924, + 720 + ], + "fps": 25, + "frame_end": 97, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=V-uRsxfpNWA", + "variation_id": 0, + "video_id": "68976" + }, + { + "bbox": [ + 101, + 12, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/_3D60VJ9b0c", + "variation_id": 0, + "video_id": "67860" + }, + { + "bbox": [ + 46, + 7, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/63547.mp4", + "variation_id": 0, + "video_id": "33881" + }, + { + "bbox": [ + 116, + 0, + 522, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468764953.5894.mp4", + "variation_id": 0, + "video_id": "33882" + }, + { + "bbox": [ + 88, + 0, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/look-for.mp4", + "variation_id": 0, + "video_id": "33883" + }, + { + "bbox": [ + 171, + 51, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/look-for.mp4", + "variation_id": 0, + "video_id": "33884" + } + ] + }, + { + "gloss": "lord", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2497, + "frame_start": 2435, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=EhkIoTNxwGE", + "variation_id": 0, + "video_id": "33979" + }, + { + "bbox": [ + 646, + 65, + 1489, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Lord-ccvU4a2LRxw.mp4", + "variation_id": 0, + "video_id": "33980" + }, + { + "bbox": [ + 106, + 0, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468712635.101.mp4", + "variation_id": 0, + "video_id": "33981" + }, + { + "bbox": [ + 47, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/l/lord.mp4", + "variation_id": 0, + "video_id": "33982" + }, + { + "bbox": [ + 51, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1984.mp4", + "variation_id": 0, + "video_id": "33983" + }, + { + "bbox": [ + 0, + 11, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/l/lord.swf", + "variation_id": 0, + "video_id": "33985" + }, + { + "bbox": [ + 203, + 39, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/lord.mp4", + "variation_id": 0, + "video_id": "33986" + } + ] + }, + { + "gloss": "m", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "34336" + }, + { + "bbox": [ + 203, + 32, + 520, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-M-1665.mp4", + "variation_id": 0, + "video_id": "66051" + }, + { + "bbox": [ + 145, + 41, + 587, + 477 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811613.4355.mp4", + "variation_id": 0, + "video_id": "35897" + }, + { + "bbox": [ + 125, + 13, + 464, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/m-abc.mp4", + "variation_id": 0, + "video_id": "35898" + }, + { + "bbox": [ + 82, + 6, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10012.mp4", + "variation_id": 0, + "video_id": "35899" + }, + { + "bbox": [ + 9, + 12, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/m/m.swf", + "variation_id": 0, + "video_id": "35900" + }, + { + "bbox": [ + 231, + 38, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/m.mp4", + "variation_id": 0, + "video_id": "35901" + } + ] + }, + { + "gloss": "meaning", + "instances": [ + { + "bbox": [ + 31, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/48586.mp4", + "variation_id": 0, + "video_id": "35306" + }, + { + "bbox": [ + 750, + 71, + 1728, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Meaning-B__IgGoSizs.mp4", + "variation_id": 0, + "video_id": "35307" + }, + { + "bbox": [ + 22, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/meaning.mp4", + "variation_id": 0, + "video_id": "35309" + }, + { + "bbox": [ + 265, + 46, + 940, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=moMl2Po7R1o", + "variation_id": 0, + "video_id": "35310" + }, + { + "bbox": [ + 192, + 1, + 887, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 82, + "source": "scott", + "split": "train", + "url": "https://www.youtube.com/watch?v=u--RjZH30e4", + "variation_id": 0, + "video_id": "35311" + }, + { + "bbox": [ + 44, + 2, + 487, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V6M1l8-JcLA", + "variation_id": 0, + "video_id": "35312" + }, + { + "bbox": [ + 197, + 0, + 987, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V6M1l8-JcLA", + "variation_id": 0, + "video_id": "35313" + } + ] + }, + { + "gloss": "melody", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1030, + "frame_start": 958, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35554" + }, + { + "bbox": [ + 43, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456965.mp4", + "variation_id": 0, + "video_id": "35555" + }, + { + "bbox": [ + 160, + 0, + 542, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717488.5224.mp4", + "variation_id": 0, + "video_id": "35556" + }, + { + "bbox": [ + 80, + 15, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7756.mp4", + "variation_id": 0, + "video_id": "35557" + }, + { + "bbox": [ + 71, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9815.mp4", + "variation_id": 0, + "video_id": "35558" + }, + { + "bbox": [ + 18, + 19, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 79, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/melody.swf", + "variation_id": 0, + "video_id": "35559" + }, + { + "bbox": [ + 200, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sing.mp4", + "variation_id": 0, + "video_id": "35560" + } + ] + }, + { + "gloss": "melt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1077, + "frame_start": 1031, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35566" + }, + { + "bbox": [ + 60, + 0, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456967.mp4", + "variation_id": 0, + "video_id": "35567" + }, + { + "bbox": [ + 148, + 0, + 550, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468714786.2952.mp4", + "variation_id": 0, + "video_id": "35568" + }, + { + "bbox": [ + 80, + 0, + 623, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/melt.mp4", + "variation_id": 0, + "video_id": "35569" + }, + { + "bbox": [ + 72, + 20, + 244, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22765.mp4", + "variation_id": 0, + "video_id": "35570" + }, + { + "bbox": [ + 14, + 7, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/melt.swf", + "variation_id": 0, + "video_id": "35571" + }, + { + "bbox": [ + 199, + 62, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dissolve.mp4", + "variation_id": 0, + "video_id": "35572" + } + ] + }, + { + "gloss": "mention", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1220, + "frame_start": 1171, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "35673" + }, + { + "bbox": [ + 2, + 11, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 30, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/mention.swf", + "variation_id": 0, + "video_id": "35681" + }, + { + "bbox": [ + 178, + 27, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MENTION-1617.mp4", + "variation_id": 0, + "video_id": "66115" + }, + { + "bbox": [ + 179, + 26, + 457, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/ME/MENTION-2007.mp4", + "variation_id": 0, + "video_id": "66116" + }, + { + "bbox": [ + 689, + 45, + 1673, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mention-ezx6FLL46eo.mp4", + "variation_id": 0, + "video_id": "35676" + }, + { + "bbox": [ + 64, + 17, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mention.mp4", + "variation_id": 0, + "video_id": "35678" + }, + { + "bbox": [ + 326, + 14, + 951, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=1Jbd0o1RWtU", + "variation_id": 0, + "video_id": "35680" + } + ] + }, + { + "gloss": "microscope", + "instances": [ + { + "bbox": [ + 60, + 0, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 77, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/185349.mp4", + "variation_id": 0, + "video_id": "35932" + }, + { + "bbox": [ + 69, + 0, + 419, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/3xsmytSpYr0", + "variation_id": 0, + "video_id": "67891" + }, + { + "bbox": [ + 622, + 46, + 1497, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Telescope%2C%20Microscope-Y4qdvlHYbQA.mp4", + "variation_id": 0, + "video_id": "35933" + }, + { + "bbox": [ + 29, + 15, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/microscope.mp4", + "variation_id": 0, + "video_id": "35934" + }, + { + "bbox": [ + 65, + 19, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2059.mp4", + "variation_id": 0, + "video_id": "35935" + }, + { + "bbox": [ + 19, + 4, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/microscope.swf", + "variation_id": 0, + "video_id": "35936" + }, + { + "bbox": [ + 169, + 62, + 539, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/microscope.mp4", + "variation_id": 0, + "video_id": "35937" + } + ] + }, + { + "gloss": "midnight", + "instances": [ + { + "bbox": [ + 0, + 2, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 72, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/m/midnight.swf", + "variation_id": 0, + "video_id": "35994" + }, + { + "bbox": [ + 27, + 0, + 275, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/49153.mp4", + "variation_id": 0, + "video_id": "35986" + }, + { + "bbox": [ + 552, + 58, + 1723, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Midnight%202-reXhobalQQQ.mp4", + "variation_id": 0, + "video_id": "35988" + }, + { + "bbox": [ + 104, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715388.5683.mp4", + "variation_id": 0, + "video_id": "35990" + }, + { + "bbox": [ + 42, + 15, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/midnight.mp4", + "variation_id": 0, + "video_id": "35991" + }, + { + "bbox": [ + 88, + 26, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22133.mp4", + "variation_id": 0, + "video_id": "35992" + }, + { + "bbox": [ + 51, + 33, + 442, + 354 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=p7CPi7lDY3c", + "variation_id": 0, + "video_id": "35993" + } + ] + }, + { + "gloss": "military", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1453, + "frame_start": 1414, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36036" + }, + { + "bbox": [ + 10, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/456999.mp4", + "variation_id": 0, + "video_id": "36037" + }, + { + "bbox": [ + 98, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715442.640.mp4", + "variation_id": 0, + "video_id": "36038" + }, + { + "bbox": [ + 60, + 0, + 519, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/military.mp4", + "variation_id": 0, + "video_id": "36039" + }, + { + "bbox": [ + 47, + 16, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8536.mp4", + "variation_id": 0, + "video_id": "36040" + }, + { + "bbox": [ + 143, + 0, + 532, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=in5ZG2pHLdc", + "variation_id": 0, + "video_id": "36041" + }, + { + "bbox": [ + 0, + 6, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/military.swf", + "variation_id": 0, + "video_id": "36042" + } + ] + }, + { + "gloss": "mine", + "instances": [ + { + "bbox": [ + 65, + 0, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457004.mp4", + "variation_id": 0, + "video_id": "36139" + }, + { + "bbox": [ + 120, + 0, + 502, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468715553.5958.mp4", + "variation_id": 0, + "video_id": "36140" + }, + { + "bbox": [ + 46, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mine.mp4", + "variation_id": 0, + "video_id": "36141" + }, + { + "bbox": [ + 73, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7198.mp4", + "variation_id": 0, + "video_id": "36142" + }, + { + "bbox": [ + 311, + 46, + 921, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zf1aZHSXFNU", + "variation_id": 0, + "video_id": "36144" + }, + { + "bbox": [ + 20, + 13, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mine.swf", + "variation_id": 0, + "video_id": "36145" + }, + { + "bbox": [ + 170, + 53, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mine2.mp4", + "variation_id": 0, + "video_id": "36146" + } + ] + }, + { + "gloss": "mistake", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1643, + "frame_start": 1591, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36398" + }, + { + "bbox": [ + 47, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/48593.mp4", + "variation_id": 0, + "video_id": "36399" + }, + { + "bbox": [ + 147, + 0, + 495, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715888.445.mp4", + "variation_id": 0, + "video_id": "36400" + }, + { + "bbox": [ + 51, + 0, + 284, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mistake.mp4", + "variation_id": 0, + "video_id": "36401" + }, + { + "bbox": [ + 81, + 16, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6969.mp4", + "variation_id": 0, + "video_id": "36402" + }, + { + "bbox": [ + 30, + 9, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/mistake.swf", + "variation_id": 0, + "video_id": "36403" + }, + { + "bbox": [ + 207, + 53, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wrong.mp4", + "variation_id": 0, + "video_id": "36404" + } + ] + }, + { + "gloss": "mock", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1726, + "frame_start": 1677, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "36487" + }, + { + "bbox": [ + 145, + 34, + 489, + 480 + ], + "fps": 25, + "frame_end": 6146, + "frame_start": 6020, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=2DblIQ5n6xk", + "variation_id": 0, + "video_id": "70202" + }, + { + "bbox": [ + 58, + 7, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/244867.mp4", + "variation_id": 0, + "video_id": "36489" + }, + { + "bbox": [ + 101, + 26, + 390, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/_64BqsENPWc", + "variation_id": 0, + "video_id": "67899" + }, + { + "bbox": [ + 145, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468715977.9938.mp4", + "variation_id": 0, + "video_id": "36490" + }, + { + "bbox": [ + 66, + 11, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mock-ridicule.mp4", + "variation_id": 0, + "video_id": "36491" + }, + { + "bbox": [ + 82, + 16, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6252.mp4", + "variation_id": 0, + "video_id": "36492" + } + ] + }, + { + "gloss": "moose", + "instances": [ + { + "bbox": [ + 368, + 24, + 1818, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Deer%2C%20Moose-sod1Jftl-NI.mp4", + "variation_id": 0, + "video_id": "36801" + }, + { + "bbox": [ + 38, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468716542.6049.mp4", + "variation_id": 0, + "video_id": "36802" + }, + { + "bbox": [ + 29, + 18, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/moose.mp4", + "variation_id": 0, + "video_id": "36803" + }, + { + "bbox": [ + 51, + 0, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5656.mp4", + "variation_id": 0, + "video_id": "36804" + }, + { + "bbox": [ + 252, + 8, + 980, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 67, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=dpEDDoiA1QY", + "variation_id": 0, + "video_id": "36806" + }, + { + "bbox": [ + 0, + 8, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/moose.swf", + "variation_id": 0, + "video_id": "36807" + }, + { + "bbox": [ + 125, + 38, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/moose.mp4", + "variation_id": 0, + "video_id": "36808" + } + ] + }, + { + "gloss": "mosquito", + "instances": [ + { + "bbox": [ + 301, + 30, + 984, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 5, + "source": "aslu", + "split": "test", + "url": "https://www.youtube.com/watch?v=F3A9VYft3DM", + "variation_id": 0, + "video_id": "36907" + }, + { + "bbox": [ + 0, + 8, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/m/mosquito.swf", + "variation_id": 0, + "video_id": "36908" + }, + { + "bbox": [ + 188, + 53, + 535, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/mosquito.mp4", + "variation_id": 0, + "video_id": "36910" + }, + { + "bbox": [ + 530, + 66, + 1659, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Mosquito%202-9Q6OEQPDfSo.mp4", + "variation_id": 0, + "video_id": "36901" + }, + { + "bbox": [ + 130, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716651.962.mp4", + "variation_id": 0, + "video_id": "36903" + }, + { + "bbox": [ + 80, + 10, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/mosquito.mp4", + "variation_id": 0, + "video_id": "36904" + }, + { + "bbox": [ + 75, + 17, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6833.mp4", + "variation_id": 0, + "video_id": "36906" + } + ] + }, + { + "gloss": "motivate", + "instances": [ + { + "bbox": [ + 188, + 29, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/MO/MOTIVATE-1589.mp4", + "variation_id": 0, + "video_id": "66148" + }, + { + "bbox": [ + 71, + 0, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457042.mp4", + "variation_id": 0, + "video_id": "36969" + }, + { + "bbox": [ + 739, + 63, + 1651, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Eager%2C%20Motivate%2C%20Zealous-spAKD_HWqKY.mp4", + "variation_id": 0, + "video_id": "36970" + }, + { + "bbox": [ + 154, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468716800.3168.mp4", + "variation_id": 0, + "video_id": "36971" + }, + { + "bbox": [ + 71, + 13, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9355.mp4", + "variation_id": 0, + "video_id": "36973" + }, + { + "bbox": [ + 5, + 10, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/motivate.swf", + "variation_id": 0, + "video_id": "36974" + }, + { + "bbox": [ + 184, + 52, + 523, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/motivate.mp4", + "variation_id": 0, + "video_id": "36975" + } + ] + }, + { + "gloss": "murder", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2539, + "frame_start": 2493, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=IxO7unGawfk", + "variation_id": 0, + "video_id": "37302" + }, + { + "bbox": [ + 53, + 0, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/110520.mp4", + "variation_id": 0, + "video_id": "37305" + }, + { + "bbox": [ + 152, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717431.7717.mp4", + "variation_id": 0, + "video_id": "37306" + }, + { + "bbox": [ + 43, + 0, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/m/murder.mp4", + "variation_id": 0, + "video_id": "37307" + }, + { + "bbox": [ + 71, + 10, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6060.mp4", + "variation_id": 0, + "video_id": "37308" + }, + { + "bbox": [ + 4, + 18, + 214, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/m/murder.swf", + "variation_id": 0, + "video_id": "37309" + }, + { + "bbox": [ + 244, + 45, + 504, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/kill.mp4", + "variation_id": 0, + "video_id": "37310" + } + ] + }, + { + "gloss": "n", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37512" + }, + { + "bbox": [ + 203, + 34, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-N-1664.mp4", + "variation_id": 0, + "video_id": "66052" + }, + { + "bbox": [ + 156, + 41, + 585, + 478 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811743.8237.mp4", + "variation_id": 0, + "video_id": "38265" + }, + { + "bbox": [ + 135, + 13, + 465, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/n-abc.mp4", + "variation_id": 0, + "video_id": "38266" + }, + { + "bbox": [ + 83, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10013.mp4", + "variation_id": 0, + "video_id": "38267" + }, + { + "bbox": [ + 8, + 12, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/n/n.swf", + "variation_id": 0, + "video_id": "38268" + }, + { + "bbox": [ + 205, + 52, + 581, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/n.mp4", + "variation_id": 0, + "video_id": "38269" + } + ] + }, + { + "gloss": "narrow", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 222, + "frame_start": 170, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37644" + }, + { + "bbox": [ + 42, + 31, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92932.mp4", + "variation_id": 0, + "video_id": "37647" + }, + { + "bbox": [ + 169, + 3, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468717822.5696.mp4", + "variation_id": 0, + "video_id": "37648" + }, + { + "bbox": [ + 52, + 17, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/narrow.mp4", + "variation_id": 0, + "video_id": "37649" + }, + { + "bbox": [ + 67, + 13, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9560.mp4", + "variation_id": 0, + "video_id": "37650" + }, + { + "bbox": [ + 6, + 4, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/narrow.swf", + "variation_id": 0, + "video_id": "37651" + }, + { + "bbox": [ + 217, + 53, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/narrow.mp4", + "variation_id": 0, + "video_id": "37652" + } + ] + }, + { + "gloss": "necessary", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 386, + "frame_start": 327, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37827" + }, + { + "bbox": [ + 81, + 34, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92941.mp4", + "variation_id": 0, + "video_id": "37828" + }, + { + "bbox": [ + 109, + 0, + 496, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718141.8252.mp4", + "variation_id": 0, + "video_id": "37829" + }, + { + "bbox": [ + 37, + 7, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/necessary.mp4", + "variation_id": 0, + "video_id": "37830" + }, + { + "bbox": [ + 69, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9563.mp4", + "variation_id": 0, + "video_id": "37831" + }, + { + "bbox": [ + 15, + 17, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/necessary.swf", + "variation_id": 0, + "video_id": "37832" + }, + { + "bbox": [ + 245, + 39, + 505, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shall.mp4", + "variation_id": 0, + "video_id": "37833" + } + ] + }, + { + "gloss": "negotiate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 646, + "frame_start": 584, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "37930" + }, + { + "bbox": [ + 205, + 54, + 565, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/negotiate.mp4", + "variation_id": 0, + "video_id": "37940" + }, + { + "bbox": [ + 584, + 67, + 1661, + 1072 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Negotiate-W1_TDDVErVc.mp4", + "variation_id": 0, + "video_id": "37932" + }, + { + "bbox": [ + 121, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468718222.9487.mp4", + "variation_id": 0, + "video_id": "37933" + }, + { + "bbox": [ + 81, + 0, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/negotiate.mp4", + "variation_id": 0, + "video_id": "37935" + }, + { + "bbox": [ + 342, + 53, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SbWQ4Kullt0", + "variation_id": 0, + "video_id": "37937" + }, + { + "bbox": [ + 325, + 46, + 1073, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=x1jjdKyB-ys", + "variation_id": 0, + "video_id": "37938" + } + ] + }, + { + "gloss": "new york", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1030, + "frame_start": 978, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38206" + }, + { + "bbox": [ + 76, + 0, + 511, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468718790.6083.mp4", + "variation_id": 0, + "video_id": "38212" + }, + { + "bbox": [ + 129, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/new-york.mp4", + "variation_id": 0, + "video_id": "38213" + }, + { + "bbox": [ + 353, + 23, + 777, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 73, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SIgnSchool%20New%20York-h34yU7jbLa4.mp4", + "variation_id": 0, + "video_id": "38211" + }, + { + "bbox": [ + 66, + 13, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9461.mp4", + "variation_id": 0, + "video_id": "38214" + }, + { + "bbox": [ + 102, + 13, + 384, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Phulr6P2NZw", + "variation_id": 0, + "video_id": "67930" + }, + { + "bbox": [ + 207, + 56, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/new-york.mp4", + "variation_id": 0, + "video_id": "38216" + } + ] + }, + { + "gloss": "nine", + "instances": [ + { + "bbox": [ + 153, + 31, + 451, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NI/NINE-1570.mp4", + "variation_id": 0, + "video_id": "66173" + }, + { + "bbox": [ + 49, + 0, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 1, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/357180.mp4", + "variation_id": 0, + "video_id": "38373" + }, + { + "bbox": [ + 627, + 116, + 1493, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%209-2guCgS9_uhg.mp4", + "variation_id": 0, + "video_id": "38374" + }, + { + "bbox": [ + 33, + 0, + 304, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nine.mp4", + "variation_id": 0, + "video_id": "38375" + }, + { + "bbox": [ + 76, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11009.mp4", + "variation_id": 0, + "video_id": "38376" + }, + { + "bbox": [ + 0, + 18, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nine.swf", + "variation_id": 0, + "video_id": "38377" + }, + { + "bbox": [ + 251, + 33, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nine.mp4", + "variation_id": 0, + "video_id": "38378" + } + ] + }, + { + "gloss": "northwest", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1640, + "frame_start": 1584, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "38700" + }, + { + "bbox": [ + 35, + 0, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 77, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457123.mp4", + "variation_id": 0, + "video_id": "38701" + }, + { + "bbox": [ + 543, + 59, + 1554, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Northwest-ZLLE8-gg8VY.mp4", + "variation_id": 0, + "video_id": "38702" + }, + { + "bbox": [ + 73, + 9, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/northwest.mp4", + "variation_id": 0, + "video_id": "38703" + }, + { + "bbox": [ + 87, + 20, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22225.mp4", + "variation_id": 0, + "video_id": "38704" + }, + { + "bbox": [ + 300, + 35, + 923, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=5tfGoxsMeh0", + "variation_id": 0, + "video_id": "38705" + }, + { + "bbox": [ + 220, + 34, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/northwest.mp4", + "variation_id": 0, + "video_id": "38706" + } + ] + }, + { + "gloss": "not yet", + "instances": [ + { + "bbox": [ + 664, + 63, + 1637, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 32, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Not%20Yet-2y_Uztw9Wpo.mp4", + "variation_id": 0, + "video_id": "38944" + }, + { + "bbox": [ + 125, + 0, + 549, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/not-yet.mp4", + "variation_id": 0, + "video_id": "38948" + }, + { + "bbox": [ + 54, + 0, + 1016, + 720 + ], + "fps": 25, + "frame_end": 74, + "frame_start": 1, + "instance_id": 2, + "signer_id": 113, + "source": "lillybauer", + "split": "train", + "url": "https://www.youtube.com/watch?v=Hp3VCTN3DSs", + "variation_id": 0, + "video_id": "68530" + }, + { + "bbox": [ + 21, + 23, + 386, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/l669l_X3VIo", + "variation_id": 0, + "video_id": "67936" + }, + { + "bbox": [ + 524, + 76, + 1444, + 1078 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Not%20Yet-U6FNL5QkWYc.mp4", + "variation_id": 0, + "video_id": "38945" + }, + { + "bbox": [ + 44, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22575.mp4", + "variation_id": 0, + "video_id": "38949" + }, + { + "bbox": [ + 121, + 45, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 40, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1489406256.4045.mp4", + "variation_id": 0, + "video_id": "38946" + } + ] + }, + { + "gloss": "notice", + "instances": [ + { + "bbox": [ + 172, + 30, + 448, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/NO/NOTICE-1555.mp4", + "variation_id": 0, + "video_id": "66193" + }, + { + "bbox": [ + 73, + 31, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/93977.mp4", + "variation_id": 0, + "video_id": "38871" + }, + { + "bbox": [ + 721, + 59, + 1547, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Notice-1Q-EcJYOYyw.mp4", + "variation_id": 0, + "video_id": "38872" + }, + { + "bbox": [ + 148, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468719886.1715.mp4", + "variation_id": 0, + "video_id": "38873" + }, + { + "bbox": [ + 133, + 0, + 511, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/notice.mp4", + "variation_id": 0, + "video_id": "38874" + }, + { + "bbox": [ + 72, + 22, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22621.mp4", + "variation_id": 0, + "video_id": "38875" + }, + { + "bbox": [ + 201, + 62, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/notice.mp4", + "variation_id": 0, + "video_id": "38878" + } + ] + }, + { + "gloss": "numerous", + "instances": [ + { + "bbox": [ + 124, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468713681.2568.mp4", + "variation_id": 0, + "video_id": "39067" + }, + { + "bbox": [ + 36, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/n/numerous2.mp4", + "variation_id": 0, + "video_id": "39068" + }, + { + "bbox": [ + 43, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/numerous.mp4", + "variation_id": 0, + "video_id": "39069" + }, + { + "bbox": [ + 82, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6570.mp4", + "variation_id": 0, + "video_id": "39070" + }, + { + "bbox": [ + 86, + 12, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8041.mp4", + "variation_id": 0, + "video_id": "39071" + }, + { + "bbox": [ + 223, + 38, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bountiful.mp4", + "variation_id": 0, + "video_id": "39072" + }, + { + "bbox": [ + 197, + 58, + 569, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/numerous.mp4", + "variation_id": 0, + "video_id": "39073" + } + ] + }, + { + "gloss": "nun", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1971, + "frame_start": 1922, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=1_jXxjd0lKE", + "variation_id": 0, + "video_id": "39074" + }, + { + "bbox": [ + 62, + 38, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/92966.mp4", + "variation_id": 0, + "video_id": "39076" + }, + { + "bbox": [ + 625, + 54, + 1661, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Nun-UGzCH3hZo00.mp4", + "variation_id": 0, + "video_id": "39077" + }, + { + "bbox": [ + 52, + 10, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/n/nun.mp4", + "variation_id": 0, + "video_id": "39078" + }, + { + "bbox": [ + 37, + 2, + 242, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9376.mp4", + "variation_id": 0, + "video_id": "39080" + }, + { + "bbox": [ + 0, + 1, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/n/nun.swf", + "variation_id": 0, + "video_id": "39081" + }, + { + "bbox": [ + 192, + 62, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/nun.mp4", + "variation_id": 0, + "video_id": "39082" + } + ] + }, + { + "gloss": "o", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39147" + }, + { + "bbox": [ + 202, + 34, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-O-1663.mp4", + "variation_id": 0, + "video_id": "66053" + }, + { + "bbox": [ + 174, + 41, + 582, + 478 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528811854.2948.mp4", + "variation_id": 0, + "video_id": "39553" + }, + { + "bbox": [ + 124, + 15, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/o-abc.mp4", + "variation_id": 0, + "video_id": "39554" + }, + { + "bbox": [ + 83, + 6, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10014.mp4", + "variation_id": 0, + "video_id": "39555" + }, + { + "bbox": [ + 8, + 11, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/o/o.swf", + "variation_id": 0, + "video_id": "39556" + }, + { + "bbox": [ + 180, + 54, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/o.mp4", + "variation_id": 0, + "video_id": "39557" + } + ] + }, + { + "gloss": "objective", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 70, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39197" + }, + { + "bbox": [ + 52, + 8, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/65894.mp4", + "variation_id": 0, + "video_id": "39198" + }, + { + "bbox": [ + 105, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468720590.6565.mp4", + "variation_id": 0, + "video_id": "39199" + }, + { + "bbox": [ + 55, + 5, + 288, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/objective.mp4", + "variation_id": 0, + "video_id": "39200" + }, + { + "bbox": [ + 71, + 6, + 197, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22306.mp4", + "variation_id": 0, + "video_id": "39201" + }, + { + "bbox": [ + 16, + 18, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/objective.swf", + "variation_id": 0, + "video_id": "39202" + }, + { + "bbox": [ + 175, + 50, + 552, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/objective.mp4", + "variation_id": 0, + "video_id": "39203" + } + ] + }, + { + "gloss": "obsess", + "instances": [ + { + "bbox": [ + 159, + 29, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OB/OBSESS-1552.mp4", + "variation_id": 0, + "video_id": "66221" + }, + { + "bbox": [ + 802, + 48, + 1782, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Obsessed%202-6I25qeV_nt8.mp4", + "variation_id": 0, + "video_id": "39253" + }, + { + "bbox": [ + 783, + 42, + 1868, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Obsessed-XyqUP43P-08.mp4", + "variation_id": 0, + "video_id": "39254" + }, + { + "bbox": [ + 796, + 50, + 1793, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Think%20Obsess%20Assimilated%202-iPK202MXnq8.mp4", + "variation_id": 0, + "video_id": "39255" + }, + { + "bbox": [ + 779, + 47, + 1782, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Think%20Obsess%20Assimilated-ptFqjRmj644.mp4", + "variation_id": 0, + "video_id": "39256" + }, + { + "bbox": [ + 56, + 11, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2185.mp4", + "variation_id": 0, + "video_id": "39257" + }, + { + "bbox": [ + 183, + 63, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/dwell.mp4", + "variation_id": 0, + "video_id": "39258" + } + ] + }, + { + "gloss": "obtain", + "instances": [ + { + "bbox": [ + 52, + 0, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457151.mp4", + "variation_id": 0, + "video_id": "39285" + }, + { + "bbox": [ + 80, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 21, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1467679057.3308.mp4", + "variation_id": 0, + "video_id": "39286" + }, + { + "bbox": [ + 145, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468720933.8171.mp4", + "variation_id": 0, + "video_id": "39287" + }, + { + "bbox": [ + 51, + 9, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/obtain.mp4", + "variation_id": 0, + "video_id": "39288" + }, + { + "bbox": [ + 74, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9983.mp4", + "variation_id": 0, + "video_id": "39289" + }, + { + "bbox": [ + 0, + 6, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/obtain.swf", + "variation_id": 0, + "video_id": "39290" + }, + { + "bbox": [ + 221, + 41, + 480, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/get.mp4", + "variation_id": 0, + "video_id": "39291" + } + ] + }, + { + "gloss": "occur", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 127, + "frame_start": 71, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39333" + }, + { + "bbox": [ + 37, + 17, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96658.mp4", + "variation_id": 0, + "video_id": "39334" + }, + { + "bbox": [ + 136, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468720988.8537.mp4", + "variation_id": 0, + "video_id": "39335" + }, + { + "bbox": [ + 49, + 7, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/occur.mp4", + "variation_id": 0, + "video_id": "39336" + }, + { + "bbox": [ + 58, + 16, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9018.mp4", + "variation_id": 0, + "video_id": "39337" + }, + { + "bbox": [ + 313, + 39, + 1000, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=3Fib25b3epw", + "variation_id": 0, + "video_id": "39338" + }, + { + "bbox": [ + 0, + 10, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/occur.swf", + "variation_id": 0, + "video_id": "39339" + } + ] + }, + { + "gloss": "odor", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 390, + "frame_start": 311, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39386" + }, + { + "bbox": [ + 75, + 19, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/89870.mp4", + "variation_id": 0, + "video_id": "39387" + }, + { + "bbox": [ + 124, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468721045.7528.mp4", + "variation_id": 0, + "video_id": "39388" + }, + { + "bbox": [ + 49, + 11, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14153.mp4", + "variation_id": 0, + "video_id": "39389" + }, + { + "bbox": [ + 60, + 11, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23900.mp4", + "variation_id": 0, + "video_id": "39390" + }, + { + "bbox": [ + 0, + 5, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/odor.swf", + "variation_id": 0, + "video_id": "39391" + }, + { + "bbox": [ + 206, + 35, + 482, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scent.mp4", + "variation_id": 0, + "video_id": "39392" + } + ] + }, + { + "gloss": "olympics", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 737, + "frame_start": 681, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "39646" + }, + { + "bbox": [ + 82, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468721508.1631.mp4", + "variation_id": 0, + "video_id": "39647" + }, + { + "bbox": [ + 4, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/olympics.mp4", + "variation_id": 0, + "video_id": "39648" + }, + { + "bbox": [ + 57, + 14, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23825.mp4", + "variation_id": 0, + "video_id": "39649" + }, + { + "bbox": [ + 348, + 19, + 1033, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2ROZnxFKlno", + "variation_id": 0, + "video_id": "39650" + }, + { + "bbox": [ + 0, + 17, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/olympics.swf", + "variation_id": 0, + "video_id": "39651" + }, + { + "bbox": [ + 182, + 57, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/olympics.mp4", + "variation_id": 0, + "video_id": "39652" + } + ] + }, + { + "gloss": "or", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1090, + "frame_start": 1054, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40093" + }, + { + "bbox": [ + 36, + 21, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 87, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/o/or_2.swf", + "variation_id": 0, + "video_id": "40246" + }, + { + "bbox": [ + 48, + 4, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/58545.mp4", + "variation_id": 0, + "video_id": "40239" + }, + { + "bbox": [ + 120, + 0, + 501, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722420.6184.mp4", + "variation_id": 0, + "video_id": "40240" + }, + { + "bbox": [ + 62, + 14, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/or.mp4", + "variation_id": 0, + "video_id": "40241" + }, + { + "bbox": [ + 70, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14205.mp4", + "variation_id": 0, + "video_id": "40242" + }, + { + "bbox": [ + 343, + 27, + 915, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=6cB9xVBOasE", + "variation_id": 0, + "video_id": "40243" + } + ] + }, + { + "gloss": "oral", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1180, + "frame_start": 1091, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40094" + }, + { + "bbox": [ + 198, + 51, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/speech.mp4", + "variation_id": 0, + "video_id": "40104" + }, + { + "bbox": [ + 164, + 29, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/OR/ORAL-1531.mp4", + "variation_id": 0, + "video_id": "66245" + }, + { + "bbox": [ + 96, + 25, + 380, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9moQT78IIag", + "variation_id": 0, + "video_id": "67948" + }, + { + "bbox": [ + 721, + 57, + 1631, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Oral%202-8GbSo_YNVS0.mp4", + "variation_id": 0, + "video_id": "40097" + }, + { + "bbox": [ + 187, + 7, + 481, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/oral.mp4", + "variation_id": 0, + "video_id": "40100" + }, + { + "bbox": [ + 79, + 16, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9165.mp4", + "variation_id": 0, + "video_id": "40102" + } + ] + }, + { + "gloss": "our", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1366, + "frame_start": 1317, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40340" + }, + { + "bbox": [ + 53, + 7, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/58546.mp4", + "variation_id": 0, + "video_id": "40342" + }, + { + "bbox": [ + 135, + 0, + 509, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722751.2592.mp4", + "variation_id": 0, + "video_id": "40343" + }, + { + "bbox": [ + 117, + 17, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/our.mp4", + "variation_id": 0, + "video_id": "40344" + }, + { + "bbox": [ + 68, + 15, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9156.mp4", + "variation_id": 0, + "video_id": "40345" + }, + { + "bbox": [ + 15, + 10, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/o/our.swf", + "variation_id": 0, + "video_id": "40346" + }, + { + "bbox": [ + 190, + 54, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/our.mp4", + "variation_id": 0, + "video_id": "40347" + } + ] + }, + { + "gloss": "overcome", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1496, + "frame_start": 1434, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=K1VPkuTMpP0", + "variation_id": 0, + "video_id": "40527" + }, + { + "bbox": [ + 58, + 0, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457206.mp4", + "variation_id": 0, + "video_id": "40528" + }, + { + "bbox": [ + 145, + 0, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468722890.7079.mp4", + "variation_id": 0, + "video_id": "40529" + }, + { + "bbox": [ + 57, + 8, + 272, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/o/overcome.mp4", + "variation_id": 0, + "video_id": "40530" + }, + { + "bbox": [ + 70, + 17, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6778.mp4", + "variation_id": 0, + "video_id": "40531" + }, + { + "bbox": [ + 69, + 19, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6779.mp4", + "variation_id": 0, + "video_id": "40532" + }, + { + "bbox": [ + 67, + 16, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6780.mp4", + "variation_id": 0, + "video_id": "40533" + } + ] + }, + { + "gloss": "pack", + "instances": [ + { + "bbox": [ + 179, + 28, + 485, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 97, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PA/PACK-1521.mp4", + "variation_id": 0, + "video_id": "66258" + }, + { + "bbox": [ + 22, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457212.mp4", + "variation_id": 0, + "video_id": "40722" + }, + { + "bbox": [ + 470, + 88, + 1477, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pack-O0Vq05LKGyg.mp4", + "variation_id": 0, + "video_id": "40723" + }, + { + "bbox": [ + 30, + 9, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pack-in.mp4", + "variation_id": 0, + "video_id": "40725" + }, + { + "bbox": [ + 69, + 22, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22622.mp4", + "variation_id": 0, + "video_id": "40726" + }, + { + "bbox": [ + 23, + 1, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pack.swf", + "variation_id": 0, + "video_id": "40727" + }, + { + "bbox": [ + 189, + 60, + 585, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pack.mp4", + "variation_id": 0, + "video_id": "40728" + } + ] + }, + { + "gloss": "painter", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 246, + "frame_start": 174, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "40827" + }, + { + "bbox": [ + 47, + 8, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63557.mp4", + "variation_id": 0, + "video_id": "40828" + }, + { + "bbox": [ + 137, + 0, + 564, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468723215.4431.mp4", + "variation_id": 0, + "video_id": "40829" + }, + { + "bbox": [ + 71, + 19, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23260.mp4", + "variation_id": 0, + "video_id": "40830" + }, + { + "bbox": [ + 69, + 20, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23261.mp4", + "variation_id": 0, + "video_id": "40831" + }, + { + "bbox": [ + 13, + 2, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/painter.swf", + "variation_id": 0, + "video_id": "40832" + }, + { + "bbox": [ + 190, + 54, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/painter.mp4", + "variation_id": 0, + "video_id": "40833" + } + ] + }, + { + "gloss": "part", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 626, + "frame_start": 567, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41256" + }, + { + "bbox": [ + 63, + 9, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/157904.mp4", + "variation_id": 0, + "video_id": "41262" + }, + { + "bbox": [ + 141, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724050.9774.mp4", + "variation_id": 0, + "video_id": "41263" + }, + { + "bbox": [ + 70, + 12, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/part.mp4", + "variation_id": 0, + "video_id": "41264" + }, + { + "bbox": [ + 47, + 18, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23931.mp4", + "variation_id": 0, + "video_id": "41265" + }, + { + "bbox": [ + 0, + 8, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/part.swf", + "variation_id": 0, + "video_id": "41266" + }, + { + "bbox": [ + 209, + 50, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/segment.mp4", + "variation_id": 0, + "video_id": "41267" + } + ] + }, + { + "gloss": "pause", + "instances": [ + { + "bbox": [ + 56, + 12, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/7/7373.mp4", + "variation_id": 0, + "video_id": "41559" + }, + { + "bbox": [ + 51, + 19, + 484, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=nXNDkpmyOTY", + "variation_id": 0, + "video_id": "41560" + }, + { + "bbox": [ + 136, + 3, + 525, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=RS8gp0O6vj0", + "variation_id": 0, + "video_id": "41561" + }, + { + "bbox": [ + 151, + 51, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/break3.mp4", + "variation_id": 0, + "video_id": "41563" + }, + { + "bbox": [ + 39, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457699.mp4", + "variation_id": 0, + "video_id": "41553" + }, + { + "bbox": [ + 638, + 137, + 1772, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pause%2C%20Suspend%2C%20Hold-YsKzhsOjeS0.mp4", + "variation_id": 0, + "video_id": "41554" + }, + { + "bbox": [ + 42, + 0, + 579, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724469.3639.mp4", + "variation_id": 0, + "video_id": "41555" + } + ] + }, + { + "gloss": "peaceful", + "instances": [ + { + "bbox": [ + 30, + 0, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457708.mp4", + "variation_id": 0, + "video_id": "41644" + }, + { + "bbox": [ + 630, + 32, + 1841, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Peace%202-DluAZ0E4_9E.mp4", + "variation_id": 0, + "video_id": "41645" + }, + { + "bbox": [ + 549, + 35, + 1885, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Peace%203-wL1DvLSQ6QI.mp4", + "variation_id": 0, + "video_id": "41646" + }, + { + "bbox": [ + 679, + 45, + 1804, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Peace-5buZJB4Fjz0.mp4", + "variation_id": 0, + "video_id": "41647" + }, + { + "bbox": [ + 64, + 17, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466726142.3586.mp4", + "variation_id": 0, + "video_id": "41648" + }, + { + "bbox": [ + 57, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6699.mp4", + "variation_id": 0, + "video_id": "41649" + }, + { + "bbox": [ + 170, + 53, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/peace.mp4", + "variation_id": 0, + "video_id": "41650" + } + ] + }, + { + "gloss": "pear", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1063, + "frame_start": 1024, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41704" + }, + { + "bbox": [ + 154, + 8, + 472, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PE/PEAR-881.mp4", + "variation_id": 0, + "video_id": "66273" + }, + { + "bbox": [ + 61, + 0, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457709.mp4", + "variation_id": 0, + "video_id": "41705" + }, + { + "bbox": [ + 57, + 7, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pear.mp4", + "variation_id": 0, + "video_id": "41707" + }, + { + "bbox": [ + 82, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7300.mp4", + "variation_id": 0, + "video_id": "41708" + }, + { + "bbox": [ + 363, + 72, + 945, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=FoRAeYTyrFk", + "variation_id": 0, + "video_id": "41709" + }, + { + "bbox": [ + 16, + 1, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/p/pear.swf", + "variation_id": 0, + "video_id": "41710" + } + ] + }, + { + "gloss": "peel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1106, + "frame_start": 1064, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41771" + }, + { + "bbox": [ + 56, + 21, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91560.mp4", + "variation_id": 0, + "video_id": "41774" + }, + { + "bbox": [ + 740, + 141, + 1695, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Peel%2C%20Pare-DNUtnKYnKSo.mp4", + "variation_id": 0, + "video_id": "41775" + }, + { + "bbox": [ + 71, + 14, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/peel-cut.mp4", + "variation_id": 0, + "video_id": "41776" + }, + { + "bbox": [ + 72, + 11, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14802.mp4", + "variation_id": 0, + "video_id": "41777" + }, + { + "bbox": [ + 0, + 6, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/peel.swf", + "variation_id": 0, + "video_id": "41779" + }, + { + "bbox": [ + 188, + 53, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/peel.mp4", + "variation_id": 0, + "video_id": "41780" + } + ] + }, + { + "gloss": "penalty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1153, + "frame_start": 1107, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41810" + }, + { + "bbox": [ + 57, + 0, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457713.mp4", + "variation_id": 0, + "video_id": "41811" + }, + { + "bbox": [ + 123, + 0, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724712.7432.mp4", + "variation_id": 0, + "video_id": "41812" + }, + { + "bbox": [ + 73, + 8, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/penalty.mp4", + "variation_id": 0, + "video_id": "41813" + }, + { + "bbox": [ + 76, + 15, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14433.mp4", + "variation_id": 0, + "video_id": "41814" + }, + { + "bbox": [ + 5, + 17, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/penalty.swf", + "variation_id": 0, + "video_id": "41815" + }, + { + "bbox": [ + 232, + 48, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/discipline.mp4", + "variation_id": 0, + "video_id": "41816" + } + ] + }, + { + "gloss": "pennsylvania", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1253, + "frame_start": 1214, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "41895" + }, + { + "bbox": [ + 201, + 6, + 492, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PE/PENNSYLVANIA-885.mp4", + "variation_id": 0, + "video_id": "66277" + }, + { + "bbox": [ + 842, + 64, + 1721, + 1063 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pennsylvania-M6dJoh6osVI.mp4", + "variation_id": 0, + "video_id": "41896" + }, + { + "bbox": [ + 105, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724783.1897.mp4", + "variation_id": 0, + "video_id": "41897" + }, + { + "bbox": [ + 69, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9469.mp4", + "variation_id": 0, + "video_id": "41899" + }, + { + "bbox": [ + 68, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9470.mp4", + "variation_id": 0, + "video_id": "41900" + }, + { + "bbox": [ + 35, + 16, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pennsylvania.swf", + "variation_id": 0, + "video_id": "41901" + } + ] + }, + { + "gloss": "penny", + "instances": [ + { + "bbox": [ + 126, + 0, + 517, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468724803.4799.mp4", + "variation_id": 0, + "video_id": "41902" + }, + { + "bbox": [ + 72, + 19, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/N8I5QR_ph5k", + "variation_id": 0, + "video_id": "67973" + }, + { + "bbox": [ + 74, + 7, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/penny2.mp4", + "variation_id": 0, + "video_id": "41903" + }, + { + "bbox": [ + 75, + 17, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/penny.mp4", + "variation_id": 0, + "video_id": "41904" + }, + { + "bbox": [ + 63, + 10, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6753.mp4", + "variation_id": 0, + "video_id": "41905" + }, + { + "bbox": [ + 6, + 9, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/penny.swf", + "variation_id": 0, + "video_id": "41906" + }, + { + "bbox": [ + 196, + 54, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/one-cent.mp4", + "variation_id": 0, + "video_id": "41907" + } + ] + }, + { + "gloss": "permit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1557, + "frame_start": 1511, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42136" + }, + { + "bbox": [ + 297, + 29, + 985, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=i8tVIw8CsTs", + "variation_id": 0, + "video_id": "42144" + }, + { + "bbox": [ + 352, + 53, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LTahaWJpZLc", + "variation_id": 0, + "video_id": "42145" + }, + { + "bbox": [ + 177, + 57, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/permit.mp4", + "variation_id": 0, + "video_id": "42148" + }, + { + "bbox": [ + 31, + 0, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457729.mp4", + "variation_id": 0, + "video_id": "42137" + }, + { + "bbox": [ + 620, + 54, + 1802, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Allow%2C%20Permission-wr8dPM7bL8Y.mp4", + "variation_id": 0, + "video_id": "42138" + }, + { + "bbox": [ + 72, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24153.mp4", + "variation_id": 0, + "video_id": "42142" + } + ] + }, + { + "gloss": "phrase", + "instances": [ + { + "bbox": [ + 80, + 7, + 228, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/phrase.mov", + "variation_id": 0, + "video_id": "42501" + }, + { + "bbox": [ + 64, + 0, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457757.mp4", + "variation_id": 0, + "video_id": "42502" + }, + { + "bbox": [ + 469, + 149, + 1565, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Phrase%2C%20Language-vDKs0r158ig.mp4", + "variation_id": 0, + "video_id": "42503" + }, + { + "bbox": [ + 581, + 107, + 1643, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Phrase-WlEx34avkk0.mp4", + "variation_id": 0, + "video_id": "42504" + }, + { + "bbox": [ + 60, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765232.9077.mp4", + "variation_id": 0, + "video_id": "42505" + }, + { + "bbox": [ + 50, + 15, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8614.mp4", + "variation_id": 0, + "video_id": "42507" + }, + { + "bbox": [ + 2, + 10, + 252, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/phrase.swf", + "variation_id": 0, + "video_id": "42508" + } + ] + }, + { + "gloss": "pickle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2136, + "frame_start": 2087, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42601" + }, + { + "bbox": [ + 127, + 0, + 510, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468726019.7783.mp4", + "variation_id": 0, + "video_id": "42605" + }, + { + "bbox": [ + 78, + 18, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8090.mp4", + "variation_id": 0, + "video_id": "42607" + }, + { + "bbox": [ + 82, + 17, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8111.mp4", + "variation_id": 0, + "video_id": "42608" + }, + { + "bbox": [ + 85, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8112.mp4", + "variation_id": 0, + "video_id": "42609" + }, + { + "bbox": [ + 297, + 22, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=QKpzylQ5618", + "variation_id": 0, + "video_id": "42610" + }, + { + "bbox": [ + 22, + 5, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pickle.swf", + "variation_id": 0, + "video_id": "42611" + } + ] + }, + { + "gloss": "pilot", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2520, + "frame_start": 2431, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "42760" + }, + { + "bbox": [ + 41, + 1, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457780.mp4", + "variation_id": 0, + "video_id": "42761" + }, + { + "bbox": [ + 112, + 0, + 551, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468726273.8352.mp4", + "variation_id": 0, + "video_id": "42762" + }, + { + "bbox": [ + 43, + 16, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pilot.mp4", + "variation_id": 0, + "video_id": "42763" + }, + { + "bbox": [ + 42, + 1, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8835.mp4", + "variation_id": 0, + "video_id": "42764" + }, + { + "bbox": [ + 18, + 5, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pilot.swf", + "variation_id": 0, + "video_id": "42766" + }, + { + "bbox": [ + 238, + 35, + 507, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pilot.mp4", + "variation_id": 0, + "video_id": "42767" + } + ] + }, + { + "gloss": "player", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2949, + "frame_start": 2880, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43146" + }, + { + "bbox": [ + 196, + 7, + 490, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PL/PLAYER-907.mp4", + "variation_id": 0, + "video_id": "66300" + }, + { + "bbox": [ + 165, + 0, + 581, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754034.4024.mp4", + "variation_id": 0, + "video_id": "43147" + }, + { + "bbox": [ + 65, + 17, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/player.mp4", + "variation_id": 0, + "video_id": "43148" + }, + { + "bbox": [ + 56, + 11, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14110.mp4", + "variation_id": 0, + "video_id": "43149" + }, + { + "bbox": [ + 302, + 37, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4RrLQxKFJx8", + "variation_id": 0, + "video_id": "43150" + }, + { + "bbox": [ + 203, + 71, + 577, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/player.mp4", + "variation_id": 0, + "video_id": "43151" + } + ] + }, + { + "gloss": "polar bear", + "instances": [ + { + "bbox": [ + 69, + 9, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116348.mp4", + "variation_id": 0, + "video_id": "43507" + }, + { + "bbox": [ + 106, + 16, + 507, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 48, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1546609238.7229.mp4", + "variation_id": 0, + "video_id": "43508" + }, + { + "bbox": [ + 77, + 8, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/polar-bear.mp4", + "variation_id": 0, + "video_id": "43509" + }, + { + "bbox": [ + 78, + 19, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22199.mp4", + "variation_id": 0, + "video_id": "43510" + }, + { + "bbox": [ + 84, + 19, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22200.mp4", + "variation_id": 0, + "video_id": "43511" + }, + { + "bbox": [ + 9, + 3, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/p/polar_bear.swf", + "variation_id": 0, + "video_id": "43512" + }, + { + "bbox": [ + 189, + 49, + 556, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/polar-bear.mp4", + "variation_id": 0, + "video_id": "43513" + } + ] + }, + { + "gloss": "policeman", + "instances": [ + { + "bbox": [ + 54, + 10, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116353.mp4", + "variation_id": 0, + "video_id": "43536" + }, + { + "bbox": [ + 133, + 18, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/OQYDhnahf7U", + "variation_id": 0, + "video_id": "67087" + }, + { + "bbox": [ + 383, + 50, + 790, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/policeman.mp4", + "variation_id": 0, + "video_id": "43537" + }, + { + "bbox": [ + 132, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754360.5475.mp4", + "variation_id": 0, + "video_id": "43538" + }, + { + "bbox": [ + 74, + 7, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14010.mp4", + "variation_id": 0, + "video_id": "43539" + }, + { + "bbox": [ + 74, + 6, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14012.mp4", + "variation_id": 0, + "video_id": "43540" + }, + { + "bbox": [ + 2, + 11, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/policeman.swf", + "variation_id": 0, + "video_id": "43542" + } + ] + }, + { + "gloss": "poop", + "instances": [ + { + "bbox": [ + 204, + 11, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 101, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PO/POOP-916.mp4", + "variation_id": 0, + "video_id": "66311" + }, + { + "bbox": [ + 367, + 14, + 813, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 52, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20poop-nd5FxzIzYnE.mp4", + "variation_id": 0, + "video_id": "43671" + }, + { + "bbox": [ + 138, + 21, + 515, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1522677946.3609.mp4", + "variation_id": 0, + "video_id": "43672" + }, + { + "bbox": [ + 65, + 10, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/poop-feces.mp4", + "variation_id": 0, + "video_id": "43673" + }, + { + "bbox": [ + 89, + 14, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8214.mp4", + "variation_id": 0, + "video_id": "43674" + }, + { + "bbox": [ + 339, + 69, + 886, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=vKIoVBFQc7E", + "variation_id": 0, + "video_id": "43676" + }, + { + "bbox": [ + 202, + 62, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/crap.mp4", + "variation_id": 0, + "video_id": "43677" + } + ] + }, + { + "gloss": "post", + "instances": [ + { + "bbox": [ + 139, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468754908.7567.mp4", + "variation_id": 0, + "video_id": "43873" + }, + { + "bbox": [ + 185, + 54, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/post.mp4", + "variation_id": 0, + "video_id": "43885" + }, + { + "bbox": [ + 241, + 6, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XpYJGN2qqCI", + "variation_id": 0, + "video_id": "43882" + }, + { + "bbox": [ + 2, + 11, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/post.swf", + "variation_id": 0, + "video_id": "43883" + }, + { + "bbox": [ + 57, + 0, + 521, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/post-wall.mp4", + "variation_id": 0, + "video_id": "43876" + }, + { + "bbox": [ + 347, + 59, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=DJgbzaEkKmk", + "variation_id": 0, + "video_id": "43880" + }, + { + "bbox": [ + 304, + 47, + 990, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 11, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Vr_huYCjj6M", + "variation_id": 0, + "video_id": "43881" + } + ] + }, + { + "gloss": "potential", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3943, + "frame_start": 3897, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "43944" + }, + { + "bbox": [ + 36, + 13, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/157954.mp4", + "variation_id": 0, + "video_id": "43945" + }, + { + "bbox": [ + 167, + 0, + 553, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468754886.902.mp4", + "variation_id": 0, + "video_id": "43946" + }, + { + "bbox": [ + 107, + 5, + 525, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/potential.mp4", + "variation_id": 0, + "video_id": "43947" + }, + { + "bbox": [ + 77, + 18, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7818.mp4", + "variation_id": 0, + "video_id": "43948" + }, + { + "bbox": [ + 65, + 18, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9066.mp4", + "variation_id": 0, + "video_id": "43949" + }, + { + "bbox": [ + 180, + 46, + 579, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ability.mp4", + "variation_id": 0, + "video_id": "43950" + } + ] + }, + { + "gloss": "poverty", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3983, + "frame_start": 3944, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44018" + }, + { + "bbox": [ + 70, + 34, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 78, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/91817.mp4", + "variation_id": 0, + "video_id": "44019" + }, + { + "bbox": [ + 501, + 68, + 1039, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Poor%252C%20Poverty.mp4", + "variation_id": 0, + "video_id": "44020" + }, + { + "bbox": [ + 201, + 0, + 522, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/poverty2.mp4", + "variation_id": 0, + "video_id": "44021" + }, + { + "bbox": [ + 51, + 0, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/poverty.mp4", + "variation_id": 0, + "video_id": "44022" + }, + { + "bbox": [ + 64, + 15, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2404.mp4", + "variation_id": 0, + "video_id": "44023" + }, + { + "bbox": [ + 186, + 55, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/poor.mp4", + "variation_id": 0, + "video_id": "44024" + } + ] + }, + { + "gloss": "precious", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4410, + "frame_start": 4348, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44166" + }, + { + "bbox": [ + 191, + 57, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/care2.mp4", + "variation_id": 0, + "video_id": "44175" + }, + { + "bbox": [ + 212, + 6, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 101, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/PR/PRECIOUS-923.mp4", + "variation_id": 0, + "video_id": "66321" + }, + { + "bbox": [ + 80, + 8, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116387.mp4", + "variation_id": 0, + "video_id": "44167" + }, + { + "bbox": [ + 739, + 121, + 1515, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Cherish%2C%20Precious-MpcsMbSUUGo.mp4", + "variation_id": 0, + "video_id": "44168" + }, + { + "bbox": [ + 93, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/precious.mp4", + "variation_id": 0, + "video_id": "44171" + }, + { + "bbox": [ + 101, + 23, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22881.mp4", + "variation_id": 0, + "video_id": "44172" + } + ] + }, + { + "gloss": "precipitation", + "instances": [ + { + "bbox": [ + 48, + 5, + 319, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/precipitation.mov", + "variation_id": 0, + "video_id": "44176" + }, + { + "bbox": [ + 109, + 0, + 584, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468758059.4199.mp4", + "variation_id": 0, + "video_id": "44177" + }, + { + "bbox": [ + 54, + 0, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14605.mp4", + "variation_id": 0, + "video_id": "44178" + }, + { + "bbox": [ + 54, + 0, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14606.mp4", + "variation_id": 0, + "video_id": "44179" + }, + { + "bbox": [ + 41, + 7, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22993.mp4", + "variation_id": 0, + "video_id": "44180" + }, + { + "bbox": [ + 11, + 0, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/precipitation.swf", + "variation_id": 0, + "video_id": "44181" + }, + { + "bbox": [ + 184, + 55, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/precipitation.mp4", + "variation_id": 0, + "video_id": "44182" + } + ] + }, + { + "gloss": "precise", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4453, + "frame_start": 4411, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44183" + }, + { + "bbox": [ + 79, + 6, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116388.mp4", + "variation_id": 0, + "video_id": "44184" + }, + { + "bbox": [ + 606, + 77, + 1550, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Exact%2C%20Precise%2C%20Specific-SfsTP2s2NfY.mp4", + "variation_id": 0, + "video_id": "44185" + }, + { + "bbox": [ + 148, + 0, + 539, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842317.9240.mp4", + "variation_id": 0, + "video_id": "44186" + }, + { + "bbox": [ + 60, + 12, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/precise.mp4", + "variation_id": 0, + "video_id": "44187" + }, + { + "bbox": [ + 79, + 17, + 198, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24084.mp4", + "variation_id": 0, + "video_id": "44188" + }, + { + "bbox": [ + 25, + 19, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 16, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/precise.swf", + "variation_id": 0, + "video_id": "44189" + } + ] + }, + { + "gloss": "preschool", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4743, + "frame_start": 4671, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44296" + }, + { + "bbox": [ + 586, + 39, + 1607, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Preschool-5-3v8148auQ.mp4", + "variation_id": 0, + "video_id": "44299" + }, + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4823, + "frame_start": 4744, + "instance_id": 2, + "signer_id": 9, + "source": "asl5200", + "split": "train", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44297" + }, + { + "bbox": [ + 62, + 11, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/preschool.mp4", + "variation_id": 0, + "video_id": "44300" + }, + { + "bbox": [ + 65, + 8, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9649.mp4", + "variation_id": 0, + "video_id": "44301" + }, + { + "bbox": [ + 17, + 4, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/preschool.swf", + "variation_id": 0, + "video_id": "44302" + }, + { + "bbox": [ + 210, + 54, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/preschool.mp4", + "variation_id": 0, + "video_id": "44303" + } + ] + }, + { + "gloss": "pride", + "instances": [ + { + "bbox": [ + 41, + 0, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 37, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/457804.mp4", + "variation_id": 0, + "video_id": "44485" + }, + { + "bbox": [ + 62, + 0, + 400, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/zOnkzoBNF24", + "variation_id": 0, + "video_id": "67101" + }, + { + "bbox": [ + 36, + 0, + 240, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 37, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/457806.mp4", + "variation_id": 0, + "video_id": "44486" + }, + { + "bbox": [ + 93, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755818.3272.mp4", + "variation_id": 0, + "video_id": "44487" + }, + { + "bbox": [ + 70, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6059.mp4", + "variation_id": 0, + "video_id": "44488" + }, + { + "bbox": [ + 0, + 10, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pride.swf", + "variation_id": 0, + "video_id": "44489" + }, + { + "bbox": [ + 196, + 49, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/pride.mp4", + "variation_id": 0, + "video_id": "44490" + } + ] + }, + { + "gloss": "prince", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5280, + "frame_start": 5221, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44522" + }, + { + "bbox": [ + 97, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468755917.15.mp4", + "variation_id": 0, + "video_id": "44524" + }, + { + "bbox": [ + 65, + 9, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/prince.mp4", + "variation_id": 0, + "video_id": "44525" + }, + { + "bbox": [ + 52, + 11, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6279.mp4", + "variation_id": 0, + "video_id": "44526" + }, + { + "bbox": [ + 339, + 36, + 932, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=baMTmfL104E", + "variation_id": 0, + "video_id": "44527" + }, + { + "bbox": [ + 0, + 9, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/prince.swf", + "variation_id": 0, + "video_id": "44528" + }, + { + "bbox": [ + 177, + 52, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/prince.mp4", + "variation_id": 0, + "video_id": "44529" + } + ] + }, + { + "gloss": "princess", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5333, + "frame_start": 5281, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44530" + }, + { + "bbox": [ + 83, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468755936.7972.mp4", + "variation_id": 0, + "video_id": "44532" + }, + { + "bbox": [ + 141, + 0, + 516, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/princess.mp4", + "variation_id": 0, + "video_id": "44533" + }, + { + "bbox": [ + 52, + 13, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6278.mp4", + "variation_id": 0, + "video_id": "44534" + }, + { + "bbox": [ + 338, + 39, + 932, + 715 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4FIhzY_uElw", + "variation_id": 0, + "video_id": "44535" + }, + { + "bbox": [ + 0, + 14, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/princess.swf", + "variation_id": 0, + "video_id": "44536" + }, + { + "bbox": [ + 174, + 52, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/princess.mp4", + "variation_id": 0, + "video_id": "44537" + } + ] + }, + { + "gloss": "principle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5386, + "frame_start": 5334, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44548" + }, + { + "bbox": [ + 51, + 8, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244845.mp4", + "variation_id": 0, + "video_id": "44549" + }, + { + "bbox": [ + 697, + 75, + 1650, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Policy%2C%20Principle-JE8d96C635o.mp4", + "variation_id": 0, + "video_id": "44550" + }, + { + "bbox": [ + 137, + 0, + 556, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468755980.2372.mp4", + "variation_id": 0, + "video_id": "44551" + }, + { + "bbox": [ + 84, + 18, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24151.mp4", + "variation_id": 0, + "video_id": "44552" + }, + { + "bbox": [ + 103, + 5, + 1041, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XqErfi5I9cY", + "variation_id": 0, + "video_id": "44553" + }, + { + "bbox": [ + 195, + 54, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/policy.mp4", + "variation_id": 0, + "video_id": "44555" + } + ] + }, + { + "gloss": "process", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5769, + "frame_start": 5707, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44714" + }, + { + "bbox": [ + 50, + 13, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63627.mp4", + "variation_id": 0, + "video_id": "44715" + }, + { + "bbox": [ + 140, + 1, + 560, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756283.3420.mp4", + "variation_id": 0, + "video_id": "44716" + }, + { + "bbox": [ + 36, + 0, + 311, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/process.mp4", + "variation_id": 0, + "video_id": "44718" + }, + { + "bbox": [ + 77, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7585.mp4", + "variation_id": 0, + "video_id": "44719" + }, + { + "bbox": [ + 15, + 12, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/process.swf", + "variation_id": 0, + "video_id": "44720" + }, + { + "bbox": [ + 193, + 50, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sequence.mp4", + "variation_id": 0, + "video_id": "44721" + } + ] + }, + { + "gloss": "profit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5936, + "frame_start": 5880, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44810" + }, + { + "bbox": [ + 65, + 10, + 240, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/benefit.mov", + "variation_id": 0, + "video_id": "44811" + }, + { + "bbox": [ + 47, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756604.4075.mp4", + "variation_id": 0, + "video_id": "44812" + }, + { + "bbox": [ + 65, + 0, + 495, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/profit.mp4", + "variation_id": 0, + "video_id": "44813" + }, + { + "bbox": [ + 31, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1214.mp4", + "variation_id": 0, + "video_id": "44814" + }, + { + "bbox": [ + 0, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 58, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/p/profit.swf", + "variation_id": 0, + "video_id": "44816" + }, + { + "bbox": [ + 145, + 52, + 534, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/gain2.mp4", + "variation_id": 0, + "video_id": "44817" + } + ] + }, + { + "gloss": "progress", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6039, + "frame_start": 5980, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44842" + }, + { + "bbox": [ + 8, + 0, + 302, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 77, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/191474.mp4", + "variation_id": 0, + "video_id": "44843" + }, + { + "bbox": [ + 585, + 57, + 1767, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Process%2C%20Progress-0yATcJMlIv0.mp4", + "variation_id": 0, + "video_id": "44844" + }, + { + "bbox": [ + 53, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/progress.mp4", + "variation_id": 0, + "video_id": "44846" + }, + { + "bbox": [ + 77, + 14, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7585.mp4", + "variation_id": 0, + "video_id": "44847" + }, + { + "bbox": [ + 1, + 15, + 235, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/progress.swf", + "variation_id": 0, + "video_id": "44848" + }, + { + "bbox": [ + 193, + 50, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sequence.mp4", + "variation_id": 0, + "video_id": "44849" + } + ] + }, + { + "gloss": "propaganda", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6206, + "frame_start": 6137, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44957" + }, + { + "bbox": [ + 33, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 77, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/185923.mp4", + "variation_id": 0, + "video_id": "44958" + }, + { + "bbox": [ + 98, + 5, + 506, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/propaganda-false.mp4", + "variation_id": 0, + "video_id": "44959" + }, + { + "bbox": [ + 0, + 0, + 637, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/propaganda-manipulate.mp4", + "variation_id": 0, + "video_id": "44960" + }, + { + "bbox": [ + 0, + 6, + 619, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/propaganda.mp4", + "variation_id": 0, + "video_id": "44961" + }, + { + "bbox": [ + 54, + 10, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9962.mp4", + "variation_id": 0, + "video_id": "44962" + }, + { + "bbox": [ + 18, + 18, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/propaganda.swf", + "variation_id": 0, + "video_id": "44963" + } + ] + }, + { + "gloss": "proper", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6256, + "frame_start": 6207, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "44969" + }, + { + "bbox": [ + 84, + 16, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/307953.mp4", + "variation_id": 0, + "video_id": "44970" + }, + { + "bbox": [ + 166, + 2, + 554, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756874.8832.mp4", + "variation_id": 0, + "video_id": "44971" + }, + { + "bbox": [ + 68, + 12, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/proper.mp4", + "variation_id": 0, + "video_id": "44972" + }, + { + "bbox": [ + 92, + 22, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23335.mp4", + "variation_id": 0, + "video_id": "44973" + }, + { + "bbox": [ + 0, + 10, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/proper.swf", + "variation_id": 0, + "video_id": "44974" + }, + { + "bbox": [ + 195, + 49, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/appropriate.mp4", + "variation_id": 0, + "video_id": "44975" + } + ] + }, + { + "gloss": "psychologist", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6585, + "frame_start": 6506, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45163" + }, + { + "bbox": [ + 122, + 18, + 395, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/4fGHvcRZ22U", + "variation_id": 0, + "video_id": "67112" + }, + { + "bbox": [ + 51, + 6, + 251, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116429.mp4", + "variation_id": 0, + "video_id": "45164" + }, + { + "bbox": [ + 68, + 12, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/psychologist.mp4", + "variation_id": 0, + "video_id": "45165" + }, + { + "bbox": [ + 73, + 16, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22645.mp4", + "variation_id": 0, + "video_id": "45166" + }, + { + "bbox": [ + 21, + 5, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/psychologist.swf", + "variation_id": 0, + "video_id": "45167" + }, + { + "bbox": [ + 246, + 37, + 517, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/psychiatrist.mp4", + "variation_id": 0, + "video_id": "45168" + } + ] + }, + { + "gloss": "public", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6705, + "frame_start": 6649, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45186" + }, + { + "bbox": [ + 623, + 138, + 1480, + 1069 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 45, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hearing%2C%20Public-QTXYOo6ZB8I.mp4", + "variation_id": 0, + "video_id": "45193" + }, + { + "bbox": [ + 104, + 0, + 612, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757216.4764.mp4", + "variation_id": 0, + "video_id": "45194" + }, + { + "bbox": [ + 62, + 17, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6412.mp4", + "variation_id": 0, + "video_id": "45196" + }, + { + "bbox": [ + 20, + 11, + 196, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/public.swf", + "variation_id": 0, + "video_id": "45197" + }, + { + "bbox": [ + 223, + 38, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/public.mp4", + "variation_id": 0, + "video_id": "45198" + }, + { + "bbox": [ + 223, + 38, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/public.mp4", + "variation_id": 0, + "video_id": "45199" + } + ] + }, + { + "gloss": "publish", + "instances": [ + { + "bbox": [ + 81, + 7, + 231, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 19, + "source": "elementalasl", + "split": "test", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/publish.mov", + "variation_id": 0, + "video_id": "45218" + }, + { + "bbox": [ + 77, + 25, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/94003.mp4", + "variation_id": 0, + "video_id": "45219" + }, + { + "bbox": [ + 594, + 63, + 1452, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Print-7t9_Na9BNco.mp4", + "variation_id": 0, + "video_id": "45220" + }, + { + "bbox": [ + 155, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757257.3187.mp4", + "variation_id": 0, + "video_id": "45221" + }, + { + "bbox": [ + 68, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/publish.mp4", + "variation_id": 0, + "video_id": "45222" + }, + { + "bbox": [ + 78, + 15, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8899.mp4", + "variation_id": 0, + "video_id": "45223" + }, + { + "bbox": [ + 197, + 54, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/print.mp4", + "variation_id": 0, + "video_id": "45224" + } + ] + }, + { + "gloss": "purchase", + "instances": [ + { + "bbox": [ + 28, + 0, + 294, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 50, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51764.mp4", + "variation_id": 0, + "video_id": "45410" + }, + { + "bbox": [ + 74, + 28, + 524, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 59, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466725657.9852.mp4", + "variation_id": 0, + "video_id": "45411" + }, + { + "bbox": [ + 68, + 11, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/purchase.mp4", + "variation_id": 0, + "video_id": "45412" + }, + { + "bbox": [ + 68, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6442.mp4", + "variation_id": 0, + "video_id": "45413" + }, + { + "bbox": [ + 361, + 58, + 926, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=4sEBkCH4gsM", + "variation_id": 0, + "video_id": "45414" + }, + { + "bbox": [ + 3, + 8, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/purchase.swf", + "variation_id": 0, + "video_id": "45415" + }, + { + "bbox": [ + 231, + 40, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/buy.mp4", + "variation_id": 0, + "video_id": "45416" + } + ] + }, + { + "gloss": "pure", + "instances": [ + { + "bbox": [ + 56, + 10, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/244840.mp4", + "variation_id": 0, + "video_id": "45419" + }, + { + "bbox": [ + 125, + 0, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468757331.427.mp4", + "variation_id": 0, + "video_id": "45420" + }, + { + "bbox": [ + 61, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pure-clean.mp4", + "variation_id": 0, + "video_id": "45421" + }, + { + "bbox": [ + 74, + 0, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pure.mp4", + "variation_id": 0, + "video_id": "45422" + }, + { + "bbox": [ + 53, + 14, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6360.mp4", + "variation_id": 0, + "video_id": "45423" + }, + { + "bbox": [ + 18, + 21, + 212, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pure.swf", + "variation_id": 0, + "video_id": "45424" + }, + { + "bbox": [ + 186, + 53, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/clean.mp4", + "variation_id": 0, + "video_id": "45425" + } + ] + }, + { + "gloss": "pursue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7038, + "frame_start": 6976, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45467" + }, + { + "bbox": [ + 52, + 0, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116451.mp4", + "variation_id": 0, + "video_id": "45468" + }, + { + "bbox": [ + 101, + 13, + 566, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468513116.9255.mp4", + "variation_id": 0, + "video_id": "45469" + }, + { + "bbox": [ + 65, + 0, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/pursue.mp4", + "variation_id": 0, + "video_id": "45470" + }, + { + "bbox": [ + 74, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8438.mp4", + "variation_id": 0, + "video_id": "45471" + }, + { + "bbox": [ + 0, + 7, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/p/pursue.swf", + "variation_id": 0, + "video_id": "45472" + }, + { + "bbox": [ + 168, + 54, + 572, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/chase.mp4", + "variation_id": 0, + "video_id": "45473" + } + ] + }, + { + "gloss": "put off", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7174, + "frame_start": 7132, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=zHd4YEFzpwE", + "variation_id": 0, + "video_id": "45524" + }, + { + "bbox": [ + 142, + 0, + 546, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468754965.788.mp4", + "variation_id": 0, + "video_id": "45525" + }, + { + "bbox": [ + 139, + 0, + 531, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468756474.6417.mp4", + "variation_id": 0, + "video_id": "45526" + }, + { + "bbox": [ + 52, + 8, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/p/put-off.mp4", + "variation_id": 0, + "video_id": "45527" + }, + { + "bbox": [ + 82, + 17, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6586.mp4", + "variation_id": 0, + "video_id": "45529" + }, + { + "bbox": [ + 78, + 14, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6589.mp4", + "variation_id": 0, + "video_id": "45530" + }, + { + "bbox": [ + 197, + 62, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/delay.mp4", + "variation_id": 0, + "video_id": "45532" + } + ] + }, + { + "gloss": "q", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45595" + }, + { + "bbox": [ + 202, + 31, + 538, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-Q-1661.mp4", + "variation_id": 0, + "video_id": "66055" + }, + { + "bbox": [ + 136, + 34, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812058.7327.mp4", + "variation_id": 0, + "video_id": "45597" + }, + { + "bbox": [ + 114, + 12, + 460, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/q-abc.mp4", + "variation_id": 0, + "video_id": "45598" + }, + { + "bbox": [ + 89, + 9, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10016.mp4", + "variation_id": 0, + "video_id": "45599" + }, + { + "bbox": [ + 5, + 10, + 233, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/q/q.swf", + "variation_id": 0, + "video_id": "45600" + }, + { + "bbox": [ + 157, + 63, + 577, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/q.mp4", + "variation_id": 0, + "video_id": "45601" + } + ] + }, + { + "gloss": "quality", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 76, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45636" + }, + { + "bbox": [ + 212, + 6, + 488, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 101, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/QU/QUALITY-995.mp4", + "variation_id": 0, + "video_id": "66360" + }, + { + "bbox": [ + 73, + 7, + 228, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/quality.mov", + "variation_id": 0, + "video_id": "45637" + }, + { + "bbox": [ + 54, + 0, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 28, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/481422.mp4", + "variation_id": 0, + "video_id": "45638" + }, + { + "bbox": [ + 356, + 72, + 1552, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Quality-zbHnoxU2i_4.mp4", + "variation_id": 0, + "video_id": "45639" + }, + { + "bbox": [ + 150, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757611.461.mp4", + "variation_id": 0, + "video_id": "45640" + }, + { + "bbox": [ + 18, + 0, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/quality.mp4", + "variation_id": 0, + "video_id": "45641" + } + ] + }, + { + "gloss": "quarrel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 126, + "frame_start": 77, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=OBwr99xWUws", + "variation_id": 0, + "video_id": "45651" + }, + { + "bbox": [ + 33, + 12, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399776.mp4", + "variation_id": 0, + "video_id": "45652" + }, + { + "bbox": [ + 32, + 15, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/quarrel.mp4", + "variation_id": 0, + "video_id": "45654" + }, + { + "bbox": [ + 60, + 21, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22238.mp4", + "variation_id": 0, + "video_id": "45655" + }, + { + "bbox": [ + 63, + 22, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22240.mp4", + "variation_id": 0, + "video_id": "45656" + }, + { + "bbox": [ + 15, + 18, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/q/quarrel.swf", + "variation_id": 0, + "video_id": "45657" + }, + { + "bbox": [ + 190, + 64, + 591, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quarrel.mp4", + "variation_id": 0, + "video_id": "45658" + } + ] + }, + { + "gloss": "quarter", + "instances": [ + { + "bbox": [ + 0, + 7, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "test", + "url": "http://www.aslpro.com/main/q/quarter.swf", + "variation_id": 0, + "video_id": "45672" + }, + { + "bbox": [ + 39, + 13, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/399777.mp4", + "variation_id": 0, + "video_id": "45663" + }, + { + "bbox": [ + 183, + 66, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/quarter.mp4", + "variation_id": 0, + "video_id": "45673" + }, + { + "bbox": [ + 522, + 92, + 1084, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Quarter.mp4", + "variation_id": 0, + "video_id": "45664" + }, + { + "bbox": [ + 147, + 0, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468757629.421.mp4", + "variation_id": 0, + "video_id": "45665" + }, + { + "bbox": [ + 25, + 10, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/q/quarter-coin.mp4", + "variation_id": 0, + "video_id": "45666" + }, + { + "bbox": [ + 53, + 8, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14391.mp4", + "variation_id": 0, + "video_id": "45669" + } + ] + }, + { + "gloss": "r", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "45829" + }, + { + "bbox": [ + 204, + 32, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-R-1660.mp4", + "variation_id": 0, + "video_id": "66056" + }, + { + "bbox": [ + 164, + 32, + 568, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812224.3051.mp4", + "variation_id": 0, + "video_id": "47983" + }, + { + "bbox": [ + 125, + 12, + 462, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/r-abc.mp4", + "variation_id": 0, + "video_id": "47984" + }, + { + "bbox": [ + 85, + 5, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10017.mp4", + "variation_id": 0, + "video_id": "47985" + }, + { + "bbox": [ + 5, + 8, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/r/r.swf", + "variation_id": 0, + "video_id": "47986" + }, + { + "bbox": [ + 190, + 47, + 562, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/r.mp4", + "variation_id": 0, + "video_id": "47987" + } + ] + }, + { + "gloss": "rage", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 232, + "frame_start": 180, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "45927" + }, + { + "bbox": [ + 12, + 0, + 314, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116464.mp4", + "variation_id": 0, + "video_id": "45928" + }, + { + "bbox": [ + 109, + 0, + 591, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758039.9086.mp4", + "variation_id": 0, + "video_id": "45929" + }, + { + "bbox": [ + 50, + 9, + 287, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rage-anger.mp4", + "variation_id": 0, + "video_id": "45930" + }, + { + "bbox": [ + 71, + 11, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7166.mp4", + "variation_id": 0, + "video_id": "45932" + }, + { + "bbox": [ + 0, + 6, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rage.swf", + "variation_id": 0, + "video_id": "45935" + }, + { + "bbox": [ + 172, + 47, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/anger.mp4", + "variation_id": 0, + "video_id": "45936" + } + ] + }, + { + "gloss": "rather", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 562, + "frame_start": 496, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46164" + }, + { + "bbox": [ + 70, + 0, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/400857.mp4", + "variation_id": 0, + "video_id": "46165" + }, + { + "bbox": [ + 155, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758263.7863.mp4", + "variation_id": 0, + "video_id": "46166" + }, + { + "bbox": [ + 340, + 0, + 1057, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rather-prefer.mp4", + "variation_id": 0, + "video_id": "46167" + }, + { + "bbox": [ + 77, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9023.mp4", + "variation_id": 0, + "video_id": "46170" + }, + { + "bbox": [ + 0, + 8, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rather.swf", + "variation_id": 0, + "video_id": "46172" + }, + { + "bbox": [ + 193, + 54, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/prefer.mp4", + "variation_id": 0, + "video_id": "46173" + } + ] + }, + { + "gloss": "real", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 719, + "frame_start": 673, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46310" + }, + { + "bbox": [ + 53, + 5, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63569.mp4", + "variation_id": 0, + "video_id": "46314" + }, + { + "bbox": [ + 160, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758396.1093.mp4", + "variation_id": 0, + "video_id": "46315" + }, + { + "bbox": [ + 67, + 13, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/real.mp4", + "variation_id": 0, + "video_id": "46316" + }, + { + "bbox": [ + 76, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8885.mp4", + "variation_id": 0, + "video_id": "46317" + }, + { + "bbox": [ + 19, + 8, + 222, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 2, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/real.swf", + "variation_id": 0, + "video_id": "46318" + }, + { + "bbox": [ + 197, + 46, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/absolute.mp4", + "variation_id": 0, + "video_id": "46319" + } + ] + }, + { + "gloss": "recliner", + "instances": [ + { + "bbox": [ + 3, + 6, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116492.mp4", + "variation_id": 0, + "video_id": "46574" + }, + { + "bbox": [ + 127, + 0, + 573, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468758683.325.mp4", + "variation_id": 0, + "video_id": "46575" + }, + { + "bbox": [ + 54, + 11, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/recliner2.mp4", + "variation_id": 0, + "video_id": "46576" + }, + { + "bbox": [ + 50, + 11, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/recliner.mp4", + "variation_id": 0, + "video_id": "46577" + }, + { + "bbox": [ + 56, + 13, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2536.mp4", + "variation_id": 0, + "video_id": "46578" + }, + { + "bbox": [ + 0, + 8, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/r/recliner.swf", + "variation_id": 0, + "video_id": "46579" + }, + { + "bbox": [ + 166, + 51, + 538, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/recline.mp4", + "variation_id": 0, + "video_id": "46580" + } + ] + }, + { + "gloss": "recommend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1049, + "frame_start": 1007, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46605" + }, + { + "bbox": [ + 73, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 37, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457690.mp4", + "variation_id": 0, + "video_id": "46606" + }, + { + "bbox": [ + 106, + 0, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758726.9452.mp4", + "variation_id": 0, + "video_id": "46607" + }, + { + "bbox": [ + 24, + 0, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/recommend2.mp4", + "variation_id": 0, + "video_id": "46608" + }, + { + "bbox": [ + 63, + 8, + 251, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14242.mp4", + "variation_id": 0, + "video_id": "46609" + }, + { + "bbox": [ + 0, + 23, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/recommend.swf", + "variation_id": 0, + "video_id": "46610" + }, + { + "bbox": [ + 201, + 53, + 545, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suggest.mp4", + "variation_id": 0, + "video_id": "46611" + } + ] + }, + { + "gloss": "recover", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1102, + "frame_start": 1050, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "46656" + }, + { + "bbox": [ + 56, + 18, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/306773.mp4", + "variation_id": 0, + "video_id": "46658" + }, + { + "bbox": [ + 440, + 62, + 846, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/recover.mp4", + "variation_id": 0, + "video_id": "46659" + }, + { + "bbox": [ + 559, + 63, + 1658, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Brave-SLaYUgpSKEc.mp4", + "variation_id": 0, + "video_id": "46660" + }, + { + "bbox": [ + 126, + 0, + 557, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468758778.9804.mp4", + "variation_id": 0, + "video_id": "46661" + }, + { + "bbox": [ + 66, + 13, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6687.mp4", + "variation_id": 0, + "video_id": "46663" + }, + { + "bbox": [ + 147, + 49, + 562, + 397 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/brave.mp4", + "variation_id": 0, + "video_id": "46665" + } + ] + }, + { + "gloss": "regular", + "instances": [ + { + "bbox": [ + 154, + 33, + 486, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/REGULAR-955.mp4", + "variation_id": 0, + "video_id": "66383" + }, + { + "bbox": [ + 85, + 15, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/307944.mp4", + "variation_id": 0, + "video_id": "46927" + }, + { + "bbox": [ + 158, + 0, + 540, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759167.7464.mp4", + "variation_id": 0, + "video_id": "46928" + }, + { + "bbox": [ + 89, + 11, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/regular.mp4", + "variation_id": 0, + "video_id": "46929" + }, + { + "bbox": [ + 92, + 22, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23335.mp4", + "variation_id": 0, + "video_id": "46930" + }, + { + "bbox": [ + 319, + 59, + 903, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=n57RCyVa38U", + "variation_id": 0, + "video_id": "46931" + }, + { + "bbox": [ + 22, + 6, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/regular.swf", + "variation_id": 0, + "video_id": "46932" + } + ] + }, + { + "gloss": "release", + "instances": [ + { + "bbox": [ + 53, + 0, + 279, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116517.mp4", + "variation_id": 0, + "video_id": "47075" + }, + { + "bbox": [ + 590, + 33, + 1771, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Log%20Out%2C%20Sign%20Out%202%2C%20Disconnect%2C%20Release-H7Cj6seX9U8.mp4", + "variation_id": 0, + "video_id": "47076" + }, + { + "bbox": [ + 137, + 0, + 592, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759431.527.mp4", + "variation_id": 0, + "video_id": "47077" + }, + { + "bbox": [ + 55, + 9, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/release-loose.mp4", + "variation_id": 0, + "video_id": "47079" + }, + { + "bbox": [ + 80, + 8, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14499.mp4", + "variation_id": 0, + "video_id": "47081" + }, + { + "bbox": [ + 1, + 5, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/release.swf", + "variation_id": 0, + "video_id": "47082" + }, + { + "bbox": [ + 201, + 64, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/disengage.mp4", + "variation_id": 0, + "video_id": "47083" + } + ] + }, + { + "gloss": "relief", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1665, + "frame_start": 1616, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47092" + }, + { + "bbox": [ + 152, + 0, + 547, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 95, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RELIEF-762.mp4", + "variation_id": 0, + "video_id": "66385" + }, + { + "bbox": [ + 707, + 57, + 1662, + 1074 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Relief%204-tB_k6scBfds.mp4", + "variation_id": 0, + "video_id": "47093" + }, + { + "bbox": [ + 741, + 79, + 1783, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Relief-pL-sYCaTlfE.mp4", + "variation_id": 0, + "video_id": "47094" + }, + { + "bbox": [ + 61, + 0, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759493.8189.mp4", + "variation_id": 0, + "video_id": "47095" + }, + { + "bbox": [ + 54, + 11, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9211.mp4", + "variation_id": 0, + "video_id": "47096" + }, + { + "bbox": [ + 171, + 49, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/relief.mp4", + "variation_id": 0, + "video_id": "47097" + } + ] + }, + { + "gloss": "rely", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1765, + "frame_start": 1716, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47135" + }, + { + "bbox": [ + 55, + 0, + 271, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116519.mp4", + "variation_id": 0, + "video_id": "47136" + }, + { + "bbox": [ + 147, + 0, + 577, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759642.8721.mp4", + "variation_id": 0, + "video_id": "47137" + }, + { + "bbox": [ + 66, + 14, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9945.mp4", + "variation_id": 0, + "video_id": "47139" + }, + { + "bbox": [ + 71, + 12, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9946.mp4", + "variation_id": 0, + "video_id": "47140" + }, + { + "bbox": [ + 11, + 15, + 204, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rely.swf", + "variation_id": 0, + "video_id": "47141" + }, + { + "bbox": [ + 184, + 57, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/depend.mp4", + "variation_id": 0, + "video_id": "47142" + } + ] + }, + { + "gloss": "reply", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2147, + "frame_start": 2091, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47341" + }, + { + "bbox": [ + 78, + 20, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/310946.mp4", + "variation_id": 0, + "video_id": "47342" + }, + { + "bbox": [ + 152, + 0, + 547, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468759852.5547.mp4", + "variation_id": 0, + "video_id": "47343" + }, + { + "bbox": [ + 78, + 12, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/reply.mp4", + "variation_id": 0, + "video_id": "47344" + }, + { + "bbox": [ + 73, + 14, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5604.mp4", + "variation_id": 0, + "video_id": "47345" + }, + { + "bbox": [ + 0, + 12, + 223, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/reply.swf", + "variation_id": 0, + "video_id": "47346" + }, + { + "bbox": [ + 238, + 40, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/reply.mp4", + "variation_id": 0, + "video_id": "47347" + } + ] + }, + { + "gloss": "rescue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2417, + "frame_start": 2378, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47478" + }, + { + "bbox": [ + 36, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/51625.mp4", + "variation_id": 0, + "video_id": "47479" + }, + { + "bbox": [ + 143, + 0, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760136.1109.mp4", + "variation_id": 0, + "video_id": "47480" + }, + { + "bbox": [ + 31, + 15, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rescue.mp4", + "variation_id": 0, + "video_id": "47481" + }, + { + "bbox": [ + 72, + 11, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8775.mp4", + "variation_id": 0, + "video_id": "47482" + }, + { + "bbox": [ + 20, + 19, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rescue.swf", + "variation_id": 0, + "video_id": "47483" + }, + { + "bbox": [ + 104, + 50, + 590, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/redeem.mp4", + "variation_id": 0, + "video_id": "47484" + } + ] + }, + { + "gloss": "resist", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2600, + "frame_start": 2558, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47565" + }, + { + "bbox": [ + 119, + 31, + 479, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 103, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RE/RESIST-966.mp4", + "variation_id": 0, + "video_id": "66395" + }, + { + "bbox": [ + 93, + 1, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468760297.7659.mp4", + "variation_id": 0, + "video_id": "47569" + }, + { + "bbox": [ + 0, + 0, + 503, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/resist.mp4", + "variation_id": 0, + "video_id": "47571" + }, + { + "bbox": [ + 47, + 13, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2586.mp4", + "variation_id": 0, + "video_id": "47572" + }, + { + "bbox": [ + 232, + 21, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=V9VnAdaAsU8", + "variation_id": 0, + "video_id": "47573" + }, + { + "bbox": [ + 0, + 17, + 206, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/resist.swf", + "variation_id": 0, + "video_id": "47574" + } + ] + }, + { + "gloss": "restroom", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2874, + "frame_start": 2825, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47721" + }, + { + "bbox": [ + 125, + 23, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1466649768.1620.mp4", + "variation_id": 0, + "video_id": "47722" + }, + { + "bbox": [ + 40, + 0, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/restroom-toilet.mp4", + "variation_id": 0, + "video_id": "47723" + }, + { + "bbox": [ + 85, + 17, + 203, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23911.mp4", + "variation_id": 0, + "video_id": "47724" + }, + { + "bbox": [ + 337, + 37, + 923, + 717 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=_dvihXsQz2E", + "variation_id": 0, + "video_id": "47725" + }, + { + "bbox": [ + 12, + 6, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/restroom.swf", + "variation_id": 0, + "video_id": "47726" + }, + { + "bbox": [ + 157, + 51, + 544, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/bathroom.mp4", + "variation_id": 0, + "video_id": "47727" + } + ] + }, + { + "gloss": "retreat", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3030, + "frame_start": 2988, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "47802" + }, + { + "bbox": [ + 18, + 14, + 277, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244835.mp4", + "variation_id": 0, + "video_id": "47803" + }, + { + "bbox": [ + 686, + 45, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Escape%202-kMcamniHFlw.mp4", + "variation_id": 0, + "video_id": "47804" + }, + { + "bbox": [ + 80, + 6, + 615, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468377010.5698.mp4", + "variation_id": 0, + "video_id": "47806" + }, + { + "bbox": [ + 29, + 13, + 282, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/retreat.mp4", + "variation_id": 0, + "video_id": "47808" + }, + { + "bbox": [ + 74, + 13, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8697.mp4", + "variation_id": 0, + "video_id": "47809" + }, + { + "bbox": [ + 0, + 18, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/retreat.swf", + "variation_id": 0, + "video_id": "47810" + } + ] + }, + { + "gloss": "roar", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3606, + "frame_start": 3547, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48297" + }, + { + "bbox": [ + 30, + 14, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116587.mp4", + "variation_id": 0, + "video_id": "48298" + }, + { + "bbox": [ + 45, + 3, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468638964.4606.mp4", + "variation_id": 0, + "video_id": "48299" + }, + { + "bbox": [ + 26, + 28, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/roar.mp4", + "variation_id": 0, + "video_id": "48300" + }, + { + "bbox": [ + 70, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7805.mp4", + "variation_id": 0, + "video_id": "48301" + }, + { + "bbox": [ + 6, + 4, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/roar.swf", + "variation_id": 0, + "video_id": "48302" + }, + { + "bbox": [ + 231, + 43, + 483, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/yell.mp4", + "variation_id": 0, + "video_id": "48303" + } + ] + }, + { + "gloss": "robber", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3720, + "frame_start": 3664, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48305" + }, + { + "bbox": [ + 76, + 0, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 8, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/457647.mp4", + "variation_id": 0, + "video_id": "48306" + }, + { + "bbox": [ + 64, + 31, + 558, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1532963506.3068.mp4", + "variation_id": 0, + "video_id": "48307" + }, + { + "bbox": [ + 59, + 7, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14779.mp4", + "variation_id": 0, + "video_id": "48308" + }, + { + "bbox": [ + 60, + 7, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14806.mp4", + "variation_id": 0, + "video_id": "48311" + }, + { + "bbox": [ + 32, + 17, + 1051, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=JPv1PS9T7Ic", + "variation_id": 0, + "video_id": "48312" + }, + { + "bbox": [ + 178, + 69, + 550, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/thief.mp4", + "variation_id": 0, + "video_id": "48313" + } + ] + }, + { + "gloss": "roommate", + "instances": [ + { + "bbox": [ + 160, + 29, + 491, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 103, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/RO/ROOMMATE-983.mp4", + "variation_id": 0, + "video_id": "66417" + }, + { + "bbox": [ + 198, + 48, + 446, + 360 + ], + "fps": 25, + "frame_end": 3797, + "frame_start": 3681, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=bq-HmgjGzmw", + "variation_id": 0, + "video_id": "70344" + }, + { + "bbox": [ + 413, + 69, + 852, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/roommate.mp4", + "variation_id": 0, + "video_id": "48522" + }, + { + "bbox": [ + 121, + 33, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499870770.4980.mp4", + "variation_id": 0, + "video_id": "48523" + }, + { + "bbox": [ + 41, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/roommate.mp4", + "variation_id": 0, + "video_id": "48524" + }, + { + "bbox": [ + 51, + 11, + 232, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/1/1360.mp4", + "variation_id": 0, + "video_id": "48525" + }, + { + "bbox": [ + 173, + 49, + 518, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/roommate.mp4", + "variation_id": 0, + "video_id": "48526" + } + ] + }, + { + "gloss": "rose", + "instances": [ + { + "bbox": [ + 73, + 0, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 77, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/184891.mp4", + "variation_id": 0, + "video_id": "48566" + }, + { + "bbox": [ + 149, + 6, + 534, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468761422.688.mp4", + "variation_id": 0, + "video_id": "48567" + }, + { + "bbox": [ + 52, + 15, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/rose-flower.mp4", + "variation_id": 0, + "video_id": "48568" + }, + { + "bbox": [ + 82, + 24, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22871.mp4", + "variation_id": 0, + "video_id": "48569" + }, + { + "bbox": [ + 84, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7395.mp4", + "variation_id": 0, + "video_id": "48570" + }, + { + "bbox": [ + 34, + 21, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/r/rose.swf", + "variation_id": 0, + "video_id": "48571" + }, + { + "bbox": [ + 187, + 52, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/rose.mp4", + "variation_id": 0, + "video_id": "48573" + } + ] + }, + { + "gloss": "ruin", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4189, + "frame_start": 4147, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=Qc7Dc_qF5NI", + "variation_id": 0, + "video_id": "48729" + }, + { + "bbox": [ + 668, + 142, + 1425, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Ruined%2C%20Spoiled-O4i9US5wwx8.mp4", + "variation_id": 0, + "video_id": "48731" + }, + { + "bbox": [ + 135, + 0, + 541, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761720.1923.mp4", + "variation_id": 0, + "video_id": "48732" + }, + { + "bbox": [ + 48, + 16, + 256, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/r/ruin.mp4", + "variation_id": 0, + "video_id": "48733" + }, + { + "bbox": [ + 31, + 12, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2645.mp4", + "variation_id": 0, + "video_id": "48734" + }, + { + "bbox": [ + 358, + 42, + 939, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=zjDC3cih9iM", + "variation_id": 0, + "video_id": "48735" + }, + { + "bbox": [ + 205, + 54, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spoil.mp4", + "variation_id": 0, + "video_id": "48737" + } + ] + }, + { + "gloss": "s", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "48933" + }, + { + "bbox": [ + 203, + 35, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-S-1659.mp4", + "variation_id": 0, + "video_id": "66057" + }, + { + "bbox": [ + 136, + 37, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812514.7122.mp4", + "variation_id": 0, + "video_id": "51426" + }, + { + "bbox": [ + 123, + 11, + 464, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/s-abc.mp4", + "variation_id": 0, + "video_id": "51427" + }, + { + "bbox": [ + 83, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10018.mp4", + "variation_id": 0, + "video_id": "51428" + }, + { + "bbox": [ + 9, + 10, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/s/s.swf", + "variation_id": 0, + "video_id": "51429" + }, + { + "bbox": [ + 194, + 48, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/s.mp4", + "variation_id": 0, + "video_id": "51430" + } + ] + }, + { + "gloss": "salary", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 223, + "frame_start": 157, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49088" + }, + { + "bbox": [ + 54, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50774.mp4", + "variation_id": 0, + "video_id": "49089" + }, + { + "bbox": [ + 89, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926825.7782.mp4", + "variation_id": 0, + "video_id": "49090" + }, + { + "bbox": [ + 126, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/salary.mp4", + "variation_id": 0, + "video_id": "49091" + }, + { + "bbox": [ + 57, + 15, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7465.mp4", + "variation_id": 0, + "video_id": "49092" + }, + { + "bbox": [ + 49, + 13, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7466.mp4", + "variation_id": 0, + "video_id": "49093" + }, + { + "bbox": [ + 202, + 49, + 573, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/salary.mp4", + "variation_id": 0, + "video_id": "49094" + } + ] + }, + { + "gloss": "saw", + "instances": [ + { + "bbox": [ + 58, + 4, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/8/8672.mp4", + "variation_id": 0, + "video_id": "49411" + }, + { + "bbox": [ + 264, + 19, + 1058, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "val", + "url": "https://www.youtube.com/watch?v=r6YNp9J-BPg", + "variation_id": 0, + "video_id": "49412" + }, + { + "bbox": [ + 20, + 21, + 378, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/9rYvkWmjktQ", + "variation_id": 0, + "video_id": "67163" + }, + { + "bbox": [ + 0, + 3, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/saw_tool.swf", + "variation_id": 0, + "video_id": "49418" + }, + { + "bbox": [ + 216, + 33, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 13, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/saw.mp4", + "variation_id": 0, + "video_id": "49421" + }, + { + "bbox": [ + 61, + 0, + 599, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 14, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/saw-cut.mp4", + "variation_id": 0, + "video_id": "49408" + }, + { + "bbox": [ + 70, + 20, + 217, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 16, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8460.mp4", + "variation_id": 0, + "video_id": "49410" + } + ] + }, + { + "gloss": "scan", + "instances": [ + { + "bbox": [ + 88, + 26, + 407, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "test", + "url": "https://youtu.be/Kee4MAgmLXg", + "variation_id": 0, + "video_id": "67166" + }, + { + "bbox": [ + 71, + 10, + 307, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/155561.mp4", + "variation_id": 0, + "video_id": "49459" + }, + { + "bbox": [ + 700, + 71, + 1665, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Scan%2C%20Xerox-AegYq4tgaHk.mp4", + "variation_id": 0, + "video_id": "49460" + }, + { + "bbox": [ + 94, + 0, + 605, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/scan.mp4", + "variation_id": 0, + "video_id": "49461" + }, + { + "bbox": [ + 66, + 0, + 308, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/scan-x.mp4", + "variation_id": 0, + "video_id": "49462" + }, + { + "bbox": [ + 326, + 27, + 1074, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=60cqQgmrmeQ", + "variation_id": 0, + "video_id": "49464" + }, + { + "bbox": [ + 213, + 35, + 527, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scan.mp4", + "variation_id": 0, + "video_id": "49465" + } + ] + }, + { + "gloss": "scream", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1377, + "frame_start": 1315, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49776" + }, + { + "bbox": [ + 589, + 35, + 1648, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Scream%2C%20Yell-ng0LKk5wAPE.mp4", + "variation_id": 0, + "video_id": "49779" + }, + { + "bbox": [ + 76, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/scream.mp4", + "variation_id": 0, + "video_id": "49782" + }, + { + "bbox": [ + 70, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7805.mp4", + "variation_id": 0, + "video_id": "49783" + }, + { + "bbox": [ + 335, + 27, + 920, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=SDBm7c6IMHQ", + "variation_id": 0, + "video_id": "49784" + }, + { + "bbox": [ + 3, + 10, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/scream.swf", + "variation_id": 0, + "video_id": "49785" + }, + { + "bbox": [ + 218, + 37, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scream.mp4", + "variation_id": 0, + "video_id": "49786" + } + ] + }, + { + "gloss": "sculpture", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1557, + "frame_start": 1451, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "49884" + }, + { + "bbox": [ + 69, + 12, + 281, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/158137.mp4", + "variation_id": 0, + "video_id": "49885" + }, + { + "bbox": [ + 44, + 3, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/65765.mp4", + "variation_id": 0, + "video_id": "49886" + }, + { + "bbox": [ + 631, + 87, + 1519, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sculpture-ln4MmfZvCDE.mp4", + "variation_id": 0, + "video_id": "49887" + }, + { + "bbox": [ + 137, + 38, + 548, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520783974.7934.mp4", + "variation_id": 0, + "video_id": "49888" + }, + { + "bbox": [ + 63, + 5, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6058.mp4", + "variation_id": 0, + "video_id": "49889" + }, + { + "bbox": [ + 200, + 46, + 568, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sculpture.mp4", + "variation_id": 0, + "video_id": "49890" + } + ] + }, + { + "gloss": "sea", + "instances": [ + { + "bbox": [ + 283, + 5, + 1070, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 116, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/sea.mp4", + "variation_id": 0, + "video_id": "69459" + }, + { + "bbox": [ + 48, + 0, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50781.mp4", + "variation_id": 0, + "video_id": "49898" + }, + { + "bbox": [ + 592, + 61, + 1599, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sea-nPkjgvvYzFQ.mp4", + "variation_id": 0, + "video_id": "49899" + }, + { + "bbox": [ + 99, + 0, + 633, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468763927.830.mp4", + "variation_id": 0, + "video_id": "49900" + }, + { + "bbox": [ + 11, + 7, + 295, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sea-water.mp4", + "variation_id": 0, + "video_id": "49901" + }, + { + "bbox": [ + 62, + 9, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8874.mp4", + "variation_id": 0, + "video_id": "49902" + }, + { + "bbox": [ + 0, + 14, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sea.swf", + "variation_id": 0, + "video_id": "49904" + } + ] + }, + { + "gloss": "seldom", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1894, + "frame_start": 1805, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50192" + }, + { + "bbox": [ + 58, + 9, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/seldom2.mp4", + "variation_id": 0, + "video_id": "50193" + }, + { + "bbox": [ + 57, + 7, + 253, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/seldom.mp4", + "variation_id": 0, + "video_id": "50194" + }, + { + "bbox": [ + 57, + 7, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9889.mp4", + "variation_id": 0, + "video_id": "50198" + }, + { + "bbox": [ + 48, + 7, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9890.mp4", + "variation_id": 0, + "video_id": "50199" + }, + { + "bbox": [ + 0, + 6, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/seldom.swf", + "variation_id": 0, + "video_id": "50200" + }, + { + "bbox": [ + 209, + 50, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/seldom.mp4", + "variation_id": 0, + "video_id": "50201" + } + ] + }, + { + "gloss": "sequence", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2460, + "frame_start": 2398, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50465" + }, + { + "bbox": [ + 0, + 17, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 24, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/s/sequence.swf", + "variation_id": 0, + "video_id": "50474" + }, + { + "bbox": [ + 6, + 8, + 235, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/sequence.mov", + "variation_id": 0, + "video_id": "50466" + }, + { + "bbox": [ + 35, + 5, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 0, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/65767.mp4", + "variation_id": 0, + "video_id": "50467" + }, + { + "bbox": [ + 127, + 0, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468765310.3647.mp4", + "variation_id": 0, + "video_id": "50469" + }, + { + "bbox": [ + 51, + 8, + 231, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14680.mp4", + "variation_id": 0, + "video_id": "50471" + }, + { + "bbox": [ + 53, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14688.mp4", + "variation_id": 0, + "video_id": "50472" + } + ] + }, + { + "gloss": "settle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2770, + "frame_start": 2664, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "50578" + }, + { + "bbox": [ + 216, + 30, + 521, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SE/SETTLE-1967.mp4", + "variation_id": 0, + "video_id": "66452" + }, + { + "bbox": [ + 40, + 3, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/116831.mp4", + "variation_id": 0, + "video_id": "50582" + }, + { + "bbox": [ + 46, + 0, + 617, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/settle-down.mp4", + "variation_id": 0, + "video_id": "50583" + }, + { + "bbox": [ + 81, + 22, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23512.mp4", + "variation_id": 0, + "video_id": "50584" + }, + { + "bbox": [ + 0, + 16, + 242, + 239 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/settle.swf", + "variation_id": 0, + "video_id": "50586" + }, + { + "bbox": [ + 175, + 53, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/calm-down.mp4", + "variation_id": 0, + "video_id": "50587" + } + ] + }, + { + "gloss": "shout", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3737, + "frame_start": 3691, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51299" + }, + { + "bbox": [ + 54, + 0, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50806.mp4", + "variation_id": 0, + "video_id": "51300" + }, + { + "bbox": [ + 118, + 0, + 545, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shout.mp4", + "variation_id": 0, + "video_id": "51302" + }, + { + "bbox": [ + 70, + 13, + 225, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7805.mp4", + "variation_id": 0, + "video_id": "51303" + }, + { + "bbox": [ + 357, + 43, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=s6OWH5zcXK4", + "variation_id": 0, + "video_id": "51304" + }, + { + "bbox": [ + 4, + 18, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shout.swf", + "variation_id": 0, + "video_id": "51305" + }, + { + "bbox": [ + 218, + 37, + 500, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scream.mp4", + "variation_id": 0, + "video_id": "51306" + } + ] + }, + { + "gloss": "shovel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3790, + "frame_start": 3738, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51312" + }, + { + "bbox": [ + 108, + 0, + 402, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/vDLFZZoJohM", + "variation_id": 0, + "video_id": "67196" + }, + { + "bbox": [ + 97, + 24, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466909733.5279.mp4", + "variation_id": 0, + "video_id": "51313" + }, + { + "bbox": [ + 108, + 5, + 575, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/shovel-snow.mp4", + "variation_id": 0, + "video_id": "51314" + }, + { + "bbox": [ + 45, + 19, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3880.mp4", + "variation_id": 0, + "video_id": "51315" + }, + { + "bbox": [ + 0, + 0, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/shovel.swf", + "variation_id": 0, + "video_id": "51316" + }, + { + "bbox": [ + 167, + 51, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/shovel.mp4", + "variation_id": 0, + "video_id": "51317" + } + ] + }, + { + "gloss": "sin", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4277, + "frame_start": 4198, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51771" + }, + { + "bbox": [ + 34, + 9, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244815.mp4", + "variation_id": 0, + "video_id": "51826" + }, + { + "bbox": [ + 147, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767224.2815.mp4", + "variation_id": 0, + "video_id": "51827" + }, + { + "bbox": [ + 71, + 0, + 589, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sin.mp4", + "variation_id": 0, + "video_id": "51828" + }, + { + "bbox": [ + 72, + 7, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6071.mp4", + "variation_id": 0, + "video_id": "51829" + }, + { + "bbox": [ + 18, + 18, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sin.swf", + "variation_id": 0, + "video_id": "51830" + }, + { + "bbox": [ + 153, + 53, + 602, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sin.mp4", + "variation_id": 0, + "video_id": "51831" + } + ] + }, + { + "gloss": "singer", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4444, + "frame_start": 4378, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "51795" + }, + { + "bbox": [ + 46, + 7, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116877.mp4", + "variation_id": 0, + "video_id": "51796" + }, + { + "bbox": [ + 60, + 12, + 257, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/singer.mp4", + "variation_id": 0, + "video_id": "51797" + }, + { + "bbox": [ + 44, + 13, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/0/932.mp4", + "variation_id": 0, + "video_id": "51798" + }, + { + "bbox": [ + 25, + 8, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/singer.swf", + "variation_id": 0, + "video_id": "51799" + }, + { + "bbox": [ + 207, + 48, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/singer2.mp4", + "variation_id": 0, + "video_id": "51800" + }, + { + "bbox": [ + 205, + 52, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/singer.mp4", + "variation_id": 0, + "video_id": "51801" + } + ] + }, + { + "gloss": "sixteen", + "instances": [ + { + "bbox": [ + 144, + 0, + 455, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 105, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SI/SIXTEEN-3096.mp4", + "variation_id": 0, + "video_id": "66494" + }, + { + "bbox": [ + 76, + 5, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116887.mp4", + "variation_id": 0, + "video_id": "51979" + }, + { + "bbox": [ + 79, + 17, + 213, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/11/11016.mp4", + "variation_id": 0, + "video_id": "51981" + }, + { + "bbox": [ + 64, + 19, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24068.mp4", + "variation_id": 0, + "video_id": "51982" + }, + { + "bbox": [ + 80, + 17, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24076.mp4", + "variation_id": 0, + "video_id": "51984" + }, + { + "bbox": [ + 0, + 18, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sixteen.swf", + "variation_id": 0, + "video_id": "51985" + }, + { + "bbox": [ + 207, + 53, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sixteen.mp4", + "variation_id": 0, + "video_id": "51986" + } + ] + }, + { + "gloss": "ski", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4904, + "frame_start": 4858, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52114" + }, + { + "bbox": [ + 280, + 26, + 1019, + 720 + ], + "fps": 25, + "frame_end": 70, + "frame_start": 1, + "instance_id": 1, + "signer_id": 113, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=G2Kul3RuMoY", + "variation_id": 0, + "video_id": "68470" + }, + { + "bbox": [ + 63, + 11, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/310809.mp4", + "variation_id": 0, + "video_id": "52122" + }, + { + "bbox": [ + 90, + 20, + 371, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Gvdnxav0K1M", + "variation_id": 0, + "video_id": "67209" + }, + { + "bbox": [ + 399, + 42, + 973, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kdrMcGYNjPs", + "variation_id": 0, + "video_id": "52125" + }, + { + "bbox": [ + 4, + 6, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/skiis_water.swf", + "variation_id": 0, + "video_id": "52127" + }, + { + "bbox": [ + 211, + 56, + 564, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ski.mp4", + "variation_id": 0, + "video_id": "52128" + } + ] + }, + { + "gloss": "skip", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5071, + "frame_start": 5032, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "52180" + }, + { + "bbox": [ + 179, + 44, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 108, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SK/SKIP-1073.mp4", + "variation_id": 0, + "video_id": "66504" + }, + { + "bbox": [ + 144, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767650.4809.mp4", + "variation_id": 0, + "video_id": "52181" + }, + { + "bbox": [ + 30, + 15, + 274, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/skip-class2.mp4", + "variation_id": 0, + "video_id": "52182" + }, + { + "bbox": [ + 27, + 14, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/skip-class.mp4", + "variation_id": 0, + "video_id": "52183" + }, + { + "bbox": [ + 71, + 25, + 233, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22245.mp4", + "variation_id": 0, + "video_id": "52185" + }, + { + "bbox": [ + 212, + 51, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/skip.mp4", + "variation_id": 0, + "video_id": "52188" + } + ] + }, + { + "gloss": "smoking", + "instances": [ + { + "bbox": [ + 432, + 58, + 825, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 38, + "source": "startasl", + "split": "test", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/smoking.mp4", + "variation_id": 0, + "video_id": "52651" + }, + { + "bbox": [ + 96, + 27, + 383, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/vvwpMkT6vnE", + "variation_id": 0, + "video_id": "67218" + }, + { + "bbox": [ + 87, + 1, + 467, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=KzcsPzBo_P8", + "variation_id": 0, + "video_id": "52652" + }, + { + "bbox": [ + 0, + 8, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/smoke.swf", + "variation_id": 0, + "video_id": "52653" + }, + { + "bbox": [ + 0, + 5, + 244, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/smoking_cigar.swf", + "variation_id": 0, + "video_id": "52654" + }, + { + "bbox": [ + 0, + 4, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/smoking_pipe.swf", + "variation_id": 0, + "video_id": "52655" + }, + { + "bbox": [ + 207, + 53, + 563, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/smoke-a-cigarette.mp4", + "variation_id": 0, + "video_id": "52656" + } + ] + }, + { + "gloss": "sofa", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6205, + "frame_start": 6143, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53035" + }, + { + "bbox": [ + 39, + 0, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 28, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/485655.mp4", + "variation_id": 0, + "video_id": "53037" + }, + { + "bbox": [ + 415, + 64, + 851, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/sofa.mp4", + "variation_id": 0, + "video_id": "53038" + }, + { + "bbox": [ + 92, + 21, + 535, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1466903670.285.mp4", + "variation_id": 0, + "video_id": "53039" + }, + { + "bbox": [ + 50, + 1, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sofa.mp4", + "variation_id": 0, + "video_id": "53040" + }, + { + "bbox": [ + 71, + 11, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8681.mp4", + "variation_id": 0, + "video_id": "53041" + }, + { + "bbox": [ + 0, + 6, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sofa.swf", + "variation_id": 0, + "video_id": "53042" + } + ] + }, + { + "gloss": "soldier", + "instances": [ + { + "bbox": [ + 51, + 7, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/116948.mp4", + "variation_id": 0, + "video_id": "53119" + }, + { + "bbox": [ + 800, + 80, + 1703, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Soldier-y1HqI5VevUI.mp4", + "variation_id": 0, + "video_id": "53120" + }, + { + "bbox": [ + 50, + 5, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/soldier.mp4", + "variation_id": 0, + "video_id": "53122" + }, + { + "bbox": [ + 47, + 6, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14173.mp4", + "variation_id": 0, + "video_id": "53123" + }, + { + "bbox": [ + 327, + 20, + 986, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BBuubXnY_YY", + "variation_id": 0, + "video_id": "53124" + }, + { + "bbox": [ + 6, + 14, + 218, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/soldier.swf", + "variation_id": 0, + "video_id": "53125" + }, + { + "bbox": [ + 180, + 68, + 589, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/army.mp4", + "variation_id": 0, + "video_id": "53126" + } + ] + }, + { + "gloss": "solve", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6378, + "frame_start": 6329, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53177" + }, + { + "bbox": [ + 52, + 0, + 250, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 63, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50816.mp4", + "variation_id": 0, + "video_id": "53178" + }, + { + "bbox": [ + 335, + 53, + 1680, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Dissolve%2C%20Fade-orI_3GyYmRs.mp4", + "variation_id": 0, + "video_id": "53179" + }, + { + "bbox": [ + 127, + 31, + 555, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520783879.3951.mp4", + "variation_id": 0, + "video_id": "53180" + }, + { + "bbox": [ + 123, + 0, + 574, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/solve.mp4", + "variation_id": 0, + "video_id": "53181" + }, + { + "bbox": [ + 58, + 19, + 243, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22766.mp4", + "variation_id": 0, + "video_id": "53182" + }, + { + "bbox": [ + 15, + 13, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/solve.swf", + "variation_id": 0, + "video_id": "53183" + } + ] + }, + { + "gloss": "someday", + "instances": [ + { + "bbox": [ + 120, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468776400.4761.mp4", + "variation_id": 0, + "video_id": "53196" + }, + { + "bbox": [ + 68, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/14/14736.mp4", + "variation_id": 0, + "video_id": "53198" + }, + { + "bbox": [ + 68, + 0, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14737.mp4", + "variation_id": 0, + "video_id": "53199" + }, + { + "bbox": [ + 63, + 0, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14738.mp4", + "variation_id": 0, + "video_id": "53200" + }, + { + "bbox": [ + 79, + 23, + 427, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=2vFCNEVr2uE", + "variation_id": 0, + "video_id": "53201" + }, + { + "bbox": [ + 251, + 0, + 967, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=VHP823jOw8c", + "variation_id": 0, + "video_id": "53202" + }, + { + "bbox": [ + 200, + 53, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/someday.mp4", + "variation_id": 0, + "video_id": "53203" + } + ] + }, + { + "gloss": "something", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6528, + "frame_start": 6472, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53228" + }, + { + "bbox": [ + 52, + 10, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/63579.mp4", + "variation_id": 0, + "video_id": "53230" + }, + { + "bbox": [ + 150, + 0, + 532, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776452.9743.mp4", + "variation_id": 0, + "video_id": "53231" + }, + { + "bbox": [ + 32, + 9, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/something.mp4", + "variation_id": 0, + "video_id": "53232" + }, + { + "bbox": [ + 64, + 4, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5957.mp4", + "variation_id": 0, + "video_id": "53233" + }, + { + "bbox": [ + 105, + 22, + 419, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=AvNGVoyH1sI", + "variation_id": 0, + "video_id": "53234" + }, + { + "bbox": [ + 198, + 54, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/something.mp4", + "variation_id": 0, + "video_id": "53235" + } + ] + }, + { + "gloss": "somewhere", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 6644, + "frame_start": 6582, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53251" + }, + { + "bbox": [ + 64, + 8, + 242, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/307755.mp4", + "variation_id": 0, + "video_id": "53252" + }, + { + "bbox": [ + 113, + 0, + 567, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468776528.4393.mp4", + "variation_id": 0, + "video_id": "53253" + }, + { + "bbox": [ + 33, + 8, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/somewhere.mp4", + "variation_id": 0, + "video_id": "53254" + }, + { + "bbox": [ + 68, + 11, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9891.mp4", + "variation_id": 0, + "video_id": "53255" + }, + { + "bbox": [ + 296, + 32, + 937, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=iAGfS8hJTGA", + "variation_id": 0, + "video_id": "53256" + }, + { + "bbox": [ + 115, + 48, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/somewhere.mp4", + "variation_id": 0, + "video_id": "53257" + } + ] + }, + { + "gloss": "soul", + "instances": [ + { + "bbox": [ + 134, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "test", + "url": "https://media.asldeafined.com/vocabulary/1468842505.9874.mp4", + "variation_id": 0, + "video_id": "53401" + }, + { + "bbox": [ + 69, + 0, + 505, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/soul.mp4", + "variation_id": 0, + "video_id": "53402" + }, + { + "bbox": [ + 67, + 16, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6488.mp4", + "variation_id": 0, + "video_id": "53404" + }, + { + "bbox": [ + 58, + 15, + 218, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6489.mp4", + "variation_id": 0, + "video_id": "53405" + }, + { + "bbox": [ + 89, + 16, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6947.mp4", + "variation_id": 0, + "video_id": "53406" + }, + { + "bbox": [ + 22, + 12, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/soul_a.swf", + "variation_id": 0, + "video_id": "53407" + }, + { + "bbox": [ + 201, + 50, + 554, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/soul.mp4", + "variation_id": 0, + "video_id": "53409" + } + ] + }, + { + "gloss": "spill", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7537, + "frame_start": 7498, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53848" + }, + { + "bbox": [ + 197, + 45, + 1676, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Spill-xBrB5fE9S5A.mp4", + "variation_id": 0, + "video_id": "53850" + }, + { + "bbox": [ + 68, + 35, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 59, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1499871090.8413.mp4", + "variation_id": 0, + "video_id": "53851" + }, + { + "bbox": [ + 27, + 0, + 296, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 86, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spill.mp4", + "variation_id": 0, + "video_id": "53853" + }, + { + "bbox": [ + 64, + 24, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22886.mp4", + "variation_id": 0, + "video_id": "53854" + }, + { + "bbox": [ + 24, + 17, + 263, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22887.mp4", + "variation_id": 0, + "video_id": "53855" + }, + { + "bbox": [ + 267, + 40, + 1058, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=ahxlH-j2FNw", + "variation_id": 0, + "video_id": "53856" + } + ] + }, + { + "gloss": "spit", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7623, + "frame_start": 7591, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "53917" + }, + { + "bbox": [ + 441, + 58, + 822, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/spit.mp4", + "variation_id": 0, + "video_id": "53921" + }, + { + "bbox": [ + 153, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468842520.6752.mp4", + "variation_id": 0, + "video_id": "53922" + }, + { + "bbox": [ + 80, + 12, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spit.mp4", + "variation_id": 0, + "video_id": "53923" + }, + { + "bbox": [ + 70, + 14, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2851.mp4", + "variation_id": 0, + "video_id": "53924" + }, + { + "bbox": [ + 0, + 6, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/spit.swf", + "variation_id": 0, + "video_id": "53925" + }, + { + "bbox": [ + 197, + 61, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spit.mp4", + "variation_id": 0, + "video_id": "53926" + } + ] + }, + { + "gloss": "spread", + "instances": [ + { + "bbox": [ + 178, + 43, + 484, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 108, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/SP/SPREAD-1104.mp4", + "variation_id": 0, + "video_id": "66549" + }, + { + "bbox": [ + 77, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468842742.9102.mp4", + "variation_id": 0, + "video_id": "54090" + }, + { + "bbox": [ + 27, + 0, + 631, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/spread.mp4", + "variation_id": 0, + "video_id": "54091" + }, + { + "bbox": [ + 64, + 24, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22886.mp4", + "variation_id": 0, + "video_id": "54092" + }, + { + "bbox": [ + 24, + 17, + 263, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22887.mp4", + "variation_id": 0, + "video_id": "54093" + }, + { + "bbox": [ + 1, + 10, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/spread.swf", + "variation_id": 0, + "video_id": "54094" + }, + { + "bbox": [ + 134, + 54, + 624, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/spread.mp4", + "variation_id": 0, + "video_id": "54095" + } + ] + }, + { + "gloss": "sprint", + "instances": [ + { + "bbox": [ + 63, + 17, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/87643.mp4", + "variation_id": 0, + "video_id": "54138" + }, + { + "bbox": [ + 651, + 118, + 1520, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sprint%202-RCEYQI_MH8Y.mp4", + "variation_id": 0, + "video_id": "54139" + }, + { + "bbox": [ + 154, + 0, + 588, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468761794.9611.mp4", + "variation_id": 0, + "video_id": "54140" + }, + { + "bbox": [ + 48, + 0, + 586, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sprint.mp4", + "variation_id": 0, + "video_id": "54141" + }, + { + "bbox": [ + 69, + 16, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6445.mp4", + "variation_id": 0, + "video_id": "54143" + }, + { + "bbox": [ + 75, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6446.mp4", + "variation_id": 0, + "video_id": "54144" + }, + { + "bbox": [ + 202, + 54, + 553, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sprint.mp4", + "variation_id": 0, + "video_id": "54146" + } + ] + }, + { + "gloss": "squeeze", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 7829, + "frame_start": 7780, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54188" + }, + { + "bbox": [ + 57, + 17, + 266, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/116999.mp4", + "variation_id": 0, + "video_id": "54189" + }, + { + "bbox": [ + 513, + 54, + 1800, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Squeze-Oj7bYQJUsNw.mp4", + "variation_id": 0, + "video_id": "54190" + }, + { + "bbox": [ + 163, + 35, + 543, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1520783904.3156.mp4", + "variation_id": 0, + "video_id": "54191" + }, + { + "bbox": [ + 36, + 11, + 278, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/squeeze.mp4", + "variation_id": 0, + "video_id": "54192" + }, + { + "bbox": [ + 6, + 14, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/squeeze.swf", + "variation_id": 0, + "video_id": "54194" + }, + { + "bbox": [ + 207, + 54, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/squeeze.mp4", + "variation_id": 0, + "video_id": "54195" + } + ] + }, + { + "gloss": "stadium", + "instances": [ + { + "bbox": [ + 20, + 16, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/87646.mp4", + "variation_id": 0, + "video_id": "54248" + }, + { + "bbox": [ + 276, + 54, + 952, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/stadium.mp4", + "variation_id": 0, + "video_id": "54249" + }, + { + "bbox": [ + 382, + 118, + 1858, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 45, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stadium-dDumGwNt_Po.mp4", + "variation_id": 0, + "video_id": "54250" + }, + { + "bbox": [ + 76, + 0, + 596, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468865885.4183.mp4", + "variation_id": 0, + "video_id": "54251" + }, + { + "bbox": [ + 41, + 10, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3864.mp4", + "variation_id": 0, + "video_id": "54252" + }, + { + "bbox": [ + 0, + 18, + 247, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stadium.swf", + "variation_id": 0, + "video_id": "54253" + }, + { + "bbox": [ + 168, + 51, + 578, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stadium.mp4", + "variation_id": 0, + "video_id": "54254" + } + ] + }, + { + "gloss": "stepfather", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8572, + "frame_start": 8503, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54661" + }, + { + "bbox": [ + 306, + 8, + 1010, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 14, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/s/stepfather2.mp4", + "variation_id": 0, + "video_id": "54665" + }, + { + "bbox": [ + 202, + 29, + 487, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stepfather.mp4", + "variation_id": 0, + "video_id": "54672" + }, + { + "bbox": [ + 27, + 0, + 300, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/step-father.mp4", + "variation_id": 0, + "video_id": "54666" + }, + { + "bbox": [ + 61, + 3, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9317.mp4", + "variation_id": 0, + "video_id": "54667" + }, + { + "bbox": [ + 320, + 30, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=kz26sYBeHuo", + "variation_id": 0, + "video_id": "54668" + }, + { + "bbox": [ + 338, + 55, + 922, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=UDQJ9IvC8f8", + "variation_id": 0, + "video_id": "54670" + } + ] + }, + { + "gloss": "sting", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8679, + "frame_start": 8630, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54804" + }, + { + "bbox": [ + 666, + 54, + 1663, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Sting-6YabbKKhBks.mp4", + "variation_id": 0, + "video_id": "54805" + }, + { + "bbox": [ + 78, + 14, + 255, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sting-bite.mp4", + "variation_id": 0, + "video_id": "54806" + }, + { + "bbox": [ + 60, + 12, + 227, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2896.mp4", + "variation_id": 0, + "video_id": "54807" + }, + { + "bbox": [ + 247, + 31, + 1026, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=mSnoTVT9c8g", + "variation_id": 0, + "video_id": "54808" + }, + { + "bbox": [ + 8, + 10, + 209, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sting.swf", + "variation_id": 0, + "video_id": "54809" + }, + { + "bbox": [ + 229, + 35, + 507, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sting.mp4", + "variation_id": 0, + "video_id": "54810" + } + ] + }, + { + "gloss": "stir", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8869, + "frame_start": 8773, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54829" + }, + { + "bbox": [ + 196, + 35, + 502, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 41, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/stir.mp4", + "variation_id": 0, + "video_id": "54837" + }, + { + "bbox": [ + 18, + 20, + 404, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/PLsxt3NLiSs", + "variation_id": 0, + "video_id": "67247" + }, + { + "bbox": [ + 34, + 11, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stir.mp4", + "variation_id": 0, + "video_id": "54831" + }, + { + "bbox": [ + 46, + 13, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9709.mp4", + "variation_id": 0, + "video_id": "54832" + }, + { + "bbox": [ + 48, + 12, + 210, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9710.mp4", + "variation_id": 0, + "video_id": "54833" + }, + { + "bbox": [ + 50, + 13, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9711.mp4", + "variation_id": 0, + "video_id": "54834" + } + ] + }, + { + "gloss": "stitch", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 8946, + "frame_start": 8870, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "54838" + }, + { + "bbox": [ + 60, + 12, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/155632.mp4", + "variation_id": 0, + "video_id": "54840" + }, + { + "bbox": [ + 649, + 82, + 1585, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stitch-Gx8iTDIEmZE.mp4", + "variation_id": 0, + "video_id": "54841" + }, + { + "bbox": [ + 63, + 12, + 265, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stitch.mp4", + "variation_id": 0, + "video_id": "54842" + }, + { + "bbox": [ + 55, + 11, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2898.mp4", + "variation_id": 0, + "video_id": "54843" + }, + { + "bbox": [ + 3, + 19, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/stitch.swf", + "variation_id": 0, + "video_id": "54844" + }, + { + "bbox": [ + 247, + 38, + 498, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sew.mp4", + "variation_id": 0, + "video_id": "54845" + } + ] + }, + { + "gloss": "stuck", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 9795, + "frame_start": 9759, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55322" + }, + { + "bbox": [ + 828, + 70, + 1591, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Stuck%2C%20Trapped-WQwjPWapQhM.mp4", + "variation_id": 0, + "video_id": "55323" + }, + { + "bbox": [ + 135, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897351.4027.mp4", + "variation_id": 0, + "video_id": "55324" + }, + { + "bbox": [ + 64, + 0, + 297, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/stuck.mp4", + "variation_id": 0, + "video_id": "55325" + }, + { + "bbox": [ + 90, + 16, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8099.mp4", + "variation_id": 0, + "video_id": "55326" + }, + { + "bbox": [ + 371, + 45, + 970, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XqpsPBnD-Qg", + "variation_id": 0, + "video_id": "55327" + }, + { + "bbox": [ + 192, + 55, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/stuck.mp4", + "variation_id": 0, + "video_id": "55328" + } + ] + }, + { + "gloss": "sue", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10039, + "frame_start": 9993, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55626" + }, + { + "bbox": [ + 180, + 14, + 507, + 480 + ], + "fps": 25, + "frame_end": 3409, + "frame_start": 3290, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=F5Wef1_PtLk", + "variation_id": 0, + "video_id": "70160" + }, + { + "bbox": [ + 66, + 10, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/155648.mp4", + "variation_id": 0, + "video_id": "55627" + }, + { + "bbox": [ + 720, + 72, + 1657, + 1077 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Against%2C%20Sue-l7JT1v0G-xw.mp4", + "variation_id": 0, + "video_id": "55628" + }, + { + "bbox": [ + 101, + 0, + 623, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/sue-lawsuit.mp4", + "variation_id": 0, + "video_id": "55630" + }, + { + "bbox": [ + 68, + 12, + 209, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14310.mp4", + "variation_id": 0, + "video_id": "55631" + }, + { + "bbox": [ + 181, + 54, + 540, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sue.mp4", + "variation_id": 0, + "video_id": "55632" + } + ] + }, + { + "gloss": "sunshine", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10513, + "frame_start": 10421, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "55865" + }, + { + "bbox": [ + 32, + 12, + 241, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/117095.mp4", + "variation_id": 0, + "video_id": "55866" + }, + { + "bbox": [ + 78, + 0, + 527, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468897969.663.mp4", + "variation_id": 0, + "video_id": "55867" + }, + { + "bbox": [ + 34, + 0, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14147.mp4", + "variation_id": 0, + "video_id": "55868" + }, + { + "bbox": [ + 64, + 0, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7576.mp4", + "variation_id": 0, + "video_id": "55869" + }, + { + "bbox": [ + 0, + 0, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/sunshine.swf", + "variation_id": 0, + "video_id": "55870" + }, + { + "bbox": [ + 183, + 36, + 496, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/sun.mp4", + "variation_id": 0, + "video_id": "55871" + } + ] + }, + { + "gloss": "superman", + "instances": [ + { + "bbox": [ + 38, + 10, + 239, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/117097.mp4", + "variation_id": 0, + "video_id": "55910" + }, + { + "bbox": [ + 61, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468898153.2350.mp4", + "variation_id": 0, + "video_id": "55911" + }, + { + "bbox": [ + 45, + 8, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2938.mp4", + "variation_id": 0, + "video_id": "55913" + }, + { + "bbox": [ + 314, + 15, + 938, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LlPKbHAPyNU", + "variation_id": 0, + "video_id": "55914" + }, + { + "bbox": [ + 288, + 22, + 947, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=qqpxEL92yq0", + "variation_id": 0, + "video_id": "55915" + }, + { + "bbox": [ + 0, + 18, + 217, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/superman.swf", + "variation_id": 0, + "video_id": "55916" + }, + { + "bbox": [ + 219, + 36, + 489, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/superman.mp4", + "variation_id": 0, + "video_id": "55917" + } + ] + }, + { + "gloss": "surrender", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 10945, + "frame_start": 10883, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56113" + }, + { + "bbox": [ + 6, + 5, + 285, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/244797.mp4", + "variation_id": 0, + "video_id": "56114" + }, + { + "bbox": [ + 75, + 0, + 583, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468762241.6053.mp4", + "variation_id": 0, + "video_id": "56115" + }, + { + "bbox": [ + 26, + 13, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/surrender.mp4", + "variation_id": 0, + "video_id": "56116" + }, + { + "bbox": [ + 40, + 18, + 234, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22279.mp4", + "variation_id": 0, + "video_id": "56117" + }, + { + "bbox": [ + 0, + 9, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 44, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/surrender.swf", + "variation_id": 0, + "video_id": "56118" + }, + { + "bbox": [ + 157, + 58, + 575, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/give-up.mp4", + "variation_id": 0, + "video_id": "56119" + } + ] + }, + { + "gloss": "suspend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 11051, + "frame_start": 11009, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=XB3Q6IX6CBo", + "variation_id": 0, + "video_id": "56168" + }, + { + "bbox": [ + 638, + 137, + 1772, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 31, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Pause%2C%20Suspend%2C%20Hold-YsKzhsOjeS0.mp4", + "variation_id": 0, + "video_id": "56175" + }, + { + "bbox": [ + 66, + 0, + 632, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898520.6866.mp4", + "variation_id": 0, + "video_id": "56176" + }, + { + "bbox": [ + 25, + 12, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/suspend.mp4", + "variation_id": 0, + "video_id": "56177" + }, + { + "bbox": [ + 56, + 11, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6585.mp4", + "variation_id": 0, + "video_id": "56178" + }, + { + "bbox": [ + 0, + 4, + 245, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/s/suspend.swf", + "variation_id": 0, + "video_id": "56179" + }, + { + "bbox": [ + 216, + 38, + 501, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suspend.mp4", + "variation_id": 0, + "video_id": "56180" + } + ] + }, + { + "gloss": "swimming", + "instances": [ + { + "bbox": [ + 16, + 11, + 290, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 0, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/63591.mp4", + "variation_id": 0, + "video_id": "56354" + }, + { + "bbox": [ + 299, + 58, + 916, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/swimming.mp4", + "variation_id": 0, + "video_id": "56355" + }, + { + "bbox": [ + 312, + 58, + 1765, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Swimming-GdaFWIWJd_U.mp4", + "variation_id": 0, + "video_id": "56356" + }, + { + "bbox": [ + 48, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468898720.3226.mp4", + "variation_id": 0, + "video_id": "56357" + }, + { + "bbox": [ + 57, + 0, + 617, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/s/swim.mp4", + "variation_id": 0, + "video_id": "56358" + }, + { + "bbox": [ + 50, + 0, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14888.mp4", + "variation_id": 0, + "video_id": "56359" + }, + { + "bbox": [ + 167, + 38, + 571, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/swim2.mp4", + "variation_id": 0, + "video_id": "56360" + } + ] + }, + { + "gloss": "t", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56546" + }, + { + "bbox": [ + 205, + 35, + 512, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-T-1658.mp4", + "variation_id": 0, + "video_id": "66058" + }, + { + "bbox": [ + 139, + 38, + 579, + 478 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812851.4394.mp4", + "variation_id": 0, + "video_id": "58323" + }, + { + "bbox": [ + 117, + 14, + 461, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/t-abc.mp4", + "variation_id": 0, + "video_id": "58324" + }, + { + "bbox": [ + 84, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10019.mp4", + "variation_id": 0, + "video_id": "58325" + }, + { + "bbox": [ + 7, + 10, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/t.swf", + "variation_id": 0, + "video_id": "58326" + }, + { + "bbox": [ + 182, + 50, + 576, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/t.mp4", + "variation_id": 0, + "video_id": "58327" + } + ] + }, + { + "gloss": "talent", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 207, + "frame_start": 171, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "56788" + }, + { + "bbox": [ + 57, + 12, + 254, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/65770.mp4", + "variation_id": 0, + "video_id": "56792" + }, + { + "bbox": [ + 146, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468767606.2062.mp4", + "variation_id": 0, + "video_id": "56793" + }, + { + "bbox": [ + 65, + 6, + 276, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/talent-natural.mp4", + "variation_id": 0, + "video_id": "56794" + }, + { + "bbox": [ + 84, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7204.mp4", + "variation_id": 0, + "video_id": "56795" + }, + { + "bbox": [ + 25, + 15, + 200, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/talent.swf", + "variation_id": 0, + "video_id": "56797" + }, + { + "bbox": [ + 201, + 52, + 570, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/talent.mp4", + "variation_id": 0, + "video_id": "56798" + } + ] + }, + { + "gloss": "telescope", + "instances": [ + { + "bbox": [ + 38, + 14, + 259, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 2, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/89999.mp4", + "variation_id": 0, + "video_id": "57251" + }, + { + "bbox": [ + 622, + 46, + 1497, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Telescope%2C%20Microscope-Y4qdvlHYbQA.mp4", + "variation_id": 0, + "video_id": "57252" + }, + { + "bbox": [ + 630, + 80, + 1547, + 1076 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Telescope-XWt0uMzFFTo.mp4", + "variation_id": 0, + "video_id": "57253" + }, + { + "bbox": [ + 74, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/telescope.mp4", + "variation_id": 0, + "video_id": "57254" + }, + { + "bbox": [ + 29, + 0, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2981.mp4", + "variation_id": 0, + "video_id": "57255" + }, + { + "bbox": [ + 22, + 6, + 232, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/telescope.swf", + "variation_id": 0, + "video_id": "57256" + }, + { + "bbox": [ + 172, + 52, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/telescope.mp4", + "variation_id": 0, + "video_id": "57257" + } + ] + }, + { + "gloss": "tempt", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 982, + "frame_start": 930, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57344" + }, + { + "bbox": [ + 60, + 10, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90002.mp4", + "variation_id": 0, + "video_id": "57349" + }, + { + "bbox": [ + 127, + 0, + 536, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tempt.mp4", + "variation_id": 0, + "video_id": "57350" + }, + { + "bbox": [ + 68, + 19, + 202, + 191 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2985.mp4", + "variation_id": 0, + "video_id": "57351" + }, + { + "bbox": [ + 322, + 59, + 936, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Fwkvle1lK2g", + "variation_id": 0, + "video_id": "57352" + }, + { + "bbox": [ + 8, + 10, + 207, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tempt.swf", + "variation_id": 0, + "video_id": "57353" + }, + { + "bbox": [ + 174, + 52, + 548, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tempt.mp4", + "variation_id": 0, + "video_id": "57354" + } + ] + }, + { + "gloss": "ten", + "instances": [ + { + "bbox": [ + 37, + 0, + 273, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 56, + "source": "spreadthesign", + "split": "test", + "url": "https://media.spreadthesign.com/video/mp4/13/51497.mp4", + "variation_id": 0, + "video_id": "57391" + }, + { + "bbox": [ + 636, + 115, + 1497, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 6, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%2010-6ojLD8vgvg8.mp4", + "variation_id": 0, + "video_id": "57392" + }, + { + "bbox": [ + 132, + 8, + 529, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1470569958.6918.mp4", + "variation_id": 0, + "video_id": "57393" + }, + { + "bbox": [ + 34, + 0, + 299, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/ten.mp4", + "variation_id": 0, + "video_id": "57394" + }, + { + "bbox": [ + 90, + 22, + 214, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22853.mp4", + "variation_id": 0, + "video_id": "57395" + }, + { + "bbox": [ + 0, + 17, + 216, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/ten.swf", + "variation_id": 0, + "video_id": "57396" + }, + { + "bbox": [ + 183, + 58, + 551, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/ten.mp4", + "variation_id": 0, + "video_id": "57397" + } + ] + }, + { + "gloss": "tend", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1012, + "frame_start": 983, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57361" + }, + { + "bbox": [ + 137, + 0, + 514, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468943857.2417.mp4", + "variation_id": 0, + "video_id": "57378" + }, + { + "bbox": [ + 53, + 10, + 280, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tend.mp4", + "variation_id": 0, + "video_id": "57379" + }, + { + "bbox": [ + 50, + 12, + 228, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/2/2986.mp4", + "variation_id": 0, + "video_id": "57380" + }, + { + "bbox": [ + 320, + 59, + 880, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Ky4WSi_54pY", + "variation_id": 0, + "video_id": "57381" + }, + { + "bbox": [ + 90, + 24, + 435, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=nMYDl1C11LE", + "variation_id": 0, + "video_id": "57382" + }, + { + "bbox": [ + 244, + 44, + 492, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/intend2.mp4", + "variation_id": 0, + "video_id": "57385" + } + ] + }, + { + "gloss": "testify", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1334, + "frame_start": 1282, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57542" + }, + { + "bbox": [ + 0, + 7, + 249, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 25, + "source": "aslpro", + "split": "val", + "url": "http://www.aslpro.com/main/t/testify.swf", + "variation_id": 0, + "video_id": "57551" + }, + { + "bbox": [ + 139, + 53, + 557, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/testify2.mp4", + "variation_id": 0, + "video_id": "57552" + }, + { + "bbox": [ + 59, + 17, + 270, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90011.mp4", + "variation_id": 0, + "video_id": "57543" + }, + { + "bbox": [ + 462, + 45, + 1735, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Testify-QQGKLYu0MgI.mp4", + "variation_id": 0, + "video_id": "57545" + }, + { + "bbox": [ + 89, + 33, + 571, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528813076.9838.mp4", + "variation_id": 0, + "video_id": "57546" + }, + { + "bbox": [ + 61, + 11, + 226, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14143.mp4", + "variation_id": 0, + "video_id": "57548" + } + ] + }, + { + "gloss": "texas", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1387, + "frame_start": 1335, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57566" + }, + { + "bbox": [ + 860, + 58, + 1728, + 1067 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 39, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Texas-Kz7MQQ35XaE.mp4", + "variation_id": 0, + "video_id": "57567" + }, + { + "bbox": [ + 129, + 0, + 523, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944037.3795.mp4", + "variation_id": 0, + "video_id": "57568" + }, + { + "bbox": [ + 105, + 7, + 494, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/texas.mp4", + "variation_id": 0, + "video_id": "57569" + }, + { + "bbox": [ + 73, + 12, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9475.mp4", + "variation_id": 0, + "video_id": "57570" + }, + { + "bbox": [ + 34, + 16, + 215, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/texas_1.swf", + "variation_id": 0, + "video_id": "57571" + }, + { + "bbox": [ + 37, + 16, + 213, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 49, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/texas_2.swf", + "variation_id": 0, + "video_id": "57572" + } + ] + }, + { + "gloss": "text", + "instances": [ + { + "bbox": [ + 64, + 12, + 208, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "test", + "url": "https://www.signingsavvy.com/signs/mp4/5/5228.mp4", + "variation_id": 0, + "video_id": "57584" + }, + { + "bbox": [ + 177, + 29, + 465, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TE/TEXT-1196.mp4", + "variation_id": 0, + "video_id": "66595" + }, + { + "bbox": [ + 185, + 29, + 459, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 97, + "source": "aslsignbank", + "split": "train", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TE/TEXT-1519.mp4", + "variation_id": 0, + "video_id": "66596" + }, + { + "bbox": [ + 104, + 4, + 382, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/SgG0wrwDMtQ", + "variation_id": 0, + "video_id": "67291" + }, + { + "bbox": [ + 797, + 80, + 1567, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Texting%2C%20Videogaming-FJ6D3KpQKRU.mp4", + "variation_id": 0, + "video_id": "57579" + }, + { + "bbox": [ + 548, + 54, + 1004, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/SignSchool%20Texting_2C%20Videogaming%202.mp4", + "variation_id": 0, + "video_id": "57580" + }, + { + "bbox": [ + 140, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944130.6519.mp4", + "variation_id": 0, + "video_id": "57582" + } + ] + }, + { + "gloss": "than", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1424, + "frame_start": 1388, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57604" + }, + { + "bbox": [ + 220, + 29, + 501, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 91, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THAN-1197.mp4", + "variation_id": 0, + "video_id": "66597" + }, + { + "bbox": [ + 66, + 26, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 26, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/307707.mp4", + "variation_id": 0, + "video_id": "57605" + }, + { + "bbox": [ + 122, + 0, + 559, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944185.7935.mp4", + "variation_id": 0, + "video_id": "57606" + }, + { + "bbox": [ + 41, + 0, + 600, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/than.mp4", + "variation_id": 0, + "video_id": "57607" + }, + { + "bbox": [ + 286, + 32, + 1041, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=BCkC83xh8SA", + "variation_id": 0, + "video_id": "57609" + }, + { + "bbox": [ + 150, + 53, + 555, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/than.mp4", + "variation_id": 0, + "video_id": "57610" + } + ] + }, + { + "gloss": "therefore", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2029, + "frame_start": 1983, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "57818" + }, + { + "bbox": [ + 483, + 73, + 1539, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Therefore-jMPMJ2rgZjM.mp4", + "variation_id": 0, + "video_id": "57819" + }, + { + "bbox": [ + 144, + 0, + 537, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468944547.6422.mp4", + "variation_id": 0, + "video_id": "57820" + }, + { + "bbox": [ + 45, + 15, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/therefore.mp4", + "variation_id": 0, + "video_id": "57821" + }, + { + "bbox": [ + 63, + 3, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5829.mp4", + "variation_id": 0, + "video_id": "57822" + }, + { + "bbox": [ + 319, + 29, + 943, + 718 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=Gow5b1CyV6w", + "variation_id": 0, + "video_id": "57823" + }, + { + "bbox": [ + 0, + 7, + 234, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/therefore.swf", + "variation_id": 0, + "video_id": "57824" + } + ] + }, + { + "gloss": "thrill", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2511, + "frame_start": 2473, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58236" + }, + { + "bbox": [ + 169, + 32, + 477, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 98, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TH/THRILL-1220.mp4", + "variation_id": 0, + "video_id": "66634" + }, + { + "bbox": [ + 5, + 18, + 314, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90042.mp4", + "variation_id": 0, + "video_id": "58243" + }, + { + "bbox": [ + 55, + 0, + 598, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945092.1270.mp4", + "variation_id": 0, + "video_id": "58244" + }, + { + "bbox": [ + 52, + 10, + 238, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7161.mp4", + "variation_id": 0, + "video_id": "58245" + }, + { + "bbox": [ + 0, + 9, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/thrill.swf", + "variation_id": 0, + "video_id": "58246" + }, + { + "bbox": [ + 217, + 46, + 509, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/excite.mp4", + "variation_id": 0, + "video_id": "58247" + } + ] + }, + { + "gloss": "tobacco", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3285, + "frame_start": 3212, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58663" + }, + { + "bbox": [ + 154, + 19, + 423, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/VgvWG6owGkA", + "variation_id": 0, + "video_id": "67312" + }, + { + "bbox": [ + 77, + 10, + 246, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/tobacco.mov", + "variation_id": 0, + "video_id": "58664" + }, + { + "bbox": [ + 59, + 13, + 230, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/90091.mp4", + "variation_id": 0, + "video_id": "58665" + }, + { + "bbox": [ + 119, + 0, + 528, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tobacco.mp4", + "variation_id": 0, + "video_id": "58666" + }, + { + "bbox": [ + 73, + 12, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4553.mp4", + "variation_id": 0, + "video_id": "58667" + }, + { + "bbox": [ + 170, + 52, + 530, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tobacco.mp4", + "variation_id": 0, + "video_id": "58669" + } + ] + }, + { + "gloss": "toilet paper", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3531, + "frame_start": 3452, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58743" + }, + { + "bbox": [ + 49, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 56, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/50909.mp4", + "variation_id": 0, + "video_id": "58745" + }, + { + "bbox": [ + 143, + 0, + 533, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468945833.2937.mp4", + "variation_id": 0, + "video_id": "58746" + }, + { + "bbox": [ + 30, + 0, + 293, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/toilet-paper.mp4", + "variation_id": 0, + "video_id": "58747" + }, + { + "bbox": [ + 65, + 15, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3837.mp4", + "variation_id": 0, + "video_id": "58748" + }, + { + "bbox": [ + 1, + 2, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/toilet_paper.swf", + "variation_id": 0, + "video_id": "58749" + }, + { + "bbox": [ + 131, + 52, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/toilet-paper.mp4", + "variation_id": 0, + "video_id": "58750" + } + ] + }, + { + "gloss": "tolerate", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 3644, + "frame_start": 3532, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "58768" + }, + { + "bbox": [ + 55, + 13, + 231, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90094.mp4", + "variation_id": 0, + "video_id": "58769" + }, + { + "bbox": [ + 105, + 0, + 480, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468724395.2789.mp4", + "variation_id": 0, + "video_id": "58770" + }, + { + "bbox": [ + 49, + 6, + 258, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/tolerate.mp4", + "variation_id": 0, + "video_id": "58771" + }, + { + "bbox": [ + 71, + 18, + 207, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8600.mp4", + "variation_id": 0, + "video_id": "58772" + }, + { + "bbox": [ + 0, + 10, + 246, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/tolerate.swf", + "variation_id": 0, + "video_id": "58773" + }, + { + "bbox": [ + 193, + 53, + 543, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/suffer.mp4", + "variation_id": 0, + "video_id": "58774" + } + ] + }, + { + "gloss": "torture", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4261, + "frame_start": 4202, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59000" + }, + { + "bbox": [ + 71, + 23, + 238, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90103.mp4", + "variation_id": 0, + "video_id": "59001" + }, + { + "bbox": [ + 655, + 129, + 1442, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 31, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Hazing%2C%20Torture-S_jjWm1ndxs.mp4", + "variation_id": 0, + "video_id": "59002" + }, + { + "bbox": [ + 78, + 36, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1532963609.3622.mp4", + "variation_id": 0, + "video_id": "59003" + }, + { + "bbox": [ + 50, + 11, + 269, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/torture.mp4", + "variation_id": 0, + "video_id": "59004" + }, + { + "bbox": [ + 57, + 12, + 223, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3035.mp4", + "variation_id": 0, + "video_id": "59005" + }, + { + "bbox": [ + 1, + 16, + 219, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/torture.swf", + "variation_id": 0, + "video_id": "59006" + } + ] + }, + { + "gloss": "towel", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 4491, + "frame_start": 4442, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59120" + }, + { + "bbox": [ + 313, + 54, + 925, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/towel.mp4", + "variation_id": 0, + "video_id": "59122" + }, + { + "bbox": [ + 257, + 14, + 847, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 52, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Towel-1FWEav1X7gA.mp4", + "variation_id": 0, + "video_id": "59123" + }, + { + "bbox": [ + 538, + 69, + 1738, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Towel-9fPZeB_eOM4.mp4", + "variation_id": 0, + "video_id": "59124" + }, + { + "bbox": [ + 17, + 0, + 640, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/towel-bath.mp4", + "variation_id": 0, + "video_id": "59125" + }, + { + "bbox": [ + 30, + 3, + 271, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8679.mp4", + "variation_id": 0, + "video_id": "59127" + }, + { + "bbox": [ + 143, + 51, + 605, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/towel.mp4", + "variation_id": 0, + "video_id": "59129" + } + ] + }, + { + "gloss": "trip", + "instances": [ + { + "bbox": [ + 139, + 68, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 12, + "source": "aslsearch", + "split": "test", + "url": "http://www.aslsearch.com/signs/videos/journey.mp4", + "variation_id": 0, + "video_id": "59672" + }, + { + "bbox": [ + 139, + 68, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 12, + "source": "aslsearch", + "split": "val", + "url": "http://www.aslsearch.com/signs/videos/journey.mp4", + "variation_id": 0, + "video_id": "59673" + }, + { + "bbox": [ + 111, + 11, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468947316.1861.mp4", + "variation_id": 0, + "video_id": "59666" + }, + { + "bbox": [ + 40, + 0, + 570, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/trip.mp4", + "variation_id": 0, + "video_id": "59668" + }, + { + "bbox": [ + 52, + 8, + 230, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14645.mp4", + "variation_id": 0, + "video_id": "59669" + }, + { + "bbox": [ + 67, + 16, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9117.mp4", + "variation_id": 0, + "video_id": "59670" + }, + { + "bbox": [ + 0, + 7, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 54, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/trip_journey.swf", + "variation_id": 0, + "video_id": "59671" + } + ] + }, + { + "gloss": "truth", + "instances": [ + { + "bbox": [ + 706, + 63, + 1589, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Truth%2C%20Honest-t66Y26z6LK4.mp4", + "variation_id": 0, + "video_id": "59839" + }, + { + "bbox": [ + 148, + 0, + 521, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1468947547.4028.mp4", + "variation_id": 0, + "video_id": "59840" + }, + { + "bbox": [ + 45, + 0, + 268, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/truth.mp4", + "variation_id": 0, + "video_id": "59841" + }, + { + "bbox": [ + 65, + 12, + 195, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14233.mp4", + "variation_id": 0, + "video_id": "59842" + }, + { + "bbox": [ + 65, + 12, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14234.mp4", + "variation_id": 0, + "video_id": "59843" + }, + { + "bbox": [ + 317, + 47, + 934, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=MRrSl8ualaI", + "variation_id": 0, + "video_id": "59845" + }, + { + "bbox": [ + 189, + 55, + 547, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/truth.mp4", + "variation_id": 0, + "video_id": "59846" + } + ] + }, + { + "gloss": "turn", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 5536, + "frame_start": 5490, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=x6CehcknaH8", + "variation_id": 0, + "video_id": "59969" + }, + { + "bbox": [ + 71, + 35, + 467, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 93, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/TU/TURN-308.mp4", + "variation_id": 0, + "video_id": "66684" + }, + { + "bbox": [ + 73, + 0, + 561, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/t/turn.mp4", + "variation_id": 0, + "video_id": "59989" + }, + { + "bbox": [ + 60, + 25, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22399.mp4", + "variation_id": 0, + "video_id": "59991" + }, + { + "bbox": [ + 64, + 24, + 206, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22400.mp4", + "variation_id": 0, + "video_id": "59992" + }, + { + "bbox": [ + 0, + 15, + 220, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/t/turn.swf", + "variation_id": 0, + "video_id": "59993" + }, + { + "bbox": [ + 133, + 53, + 558, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 9, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/turn.mp4", + "variation_id": 0, + "video_id": "59996" + } + ] + }, + { + "gloss": "tv", + "instances": [ + { + "bbox": [ + 336, + 39, + 880, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 118, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/tv.mp4", + "variation_id": 0, + "video_id": "69520" + }, + { + "bbox": [ + 328, + 24, + 949, + 720 + ], + "fps": 25, + "frame_end": 43, + "frame_start": 1, + "instance_id": 1, + "signer_id": 115, + "source": "lillybauer", + "split": "val", + "url": "https://www.youtube.com/watch?v=h8g3j_AXpM4", + "variation_id": 0, + "video_id": "68518" + }, + { + "bbox": [ + 253, + 24, + 921, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=O_67KlrLWas", + "variation_id": 0, + "video_id": "60072" + }, + { + "bbox": [ + 104, + 24, + 369, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/SzNmvpgBdmI", + "variation_id": 0, + "video_id": "67329" + }, + { + "bbox": [ + 263, + 29, + 914, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=XH8-L7NjeNY", + "variation_id": 0, + "video_id": "60073" + }, + { + "bbox": [ + 21, + 12, + 221, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 72, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/t/tv.swf", + "variation_id": 0, + "video_id": "60074" + }, + { + "bbox": [ + 173, + 51, + 541, + 398 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/tv.mp4", + "variation_id": 0, + "video_id": "60075" + } + ] + }, + { + "gloss": "u", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60338" + }, + { + "bbox": [ + 201, + 30, + 508, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-U-1657.mp4", + "variation_id": 0, + "video_id": "66059" + }, + { + "bbox": [ + 143, + 38, + 580, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812876.3384.mp4", + "variation_id": 0, + "video_id": "60358" + }, + { + "bbox": [ + 125, + 14, + 460, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/u-abc.mp4", + "variation_id": 0, + "video_id": "60359" + }, + { + "bbox": [ + 85, + 7, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10020.mp4", + "variation_id": 0, + "video_id": "60360" + }, + { + "bbox": [ + 8, + 10, + 229, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/u/u.swf", + "variation_id": 0, + "video_id": "60361" + }, + { + "bbox": [ + 178, + 50, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/u.mp4", + "variation_id": 0, + "video_id": "60362" + } + ] + }, + { + "gloss": "unique", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 366, + "frame_start": 300, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60701" + }, + { + "bbox": [ + 90, + 9, + 239, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 19, + "source": "elementalasl", + "split": "val", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/unique.mov", + "variation_id": 0, + "video_id": "60702" + }, + { + "bbox": [ + 44, + 17, + 248, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 33, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/96975.mp4", + "variation_id": 0, + "video_id": "60703" + }, + { + "bbox": [ + 649, + 7, + 1758, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Unique-NZP0texXNFo.mp4", + "variation_id": 0, + "video_id": "60704" + }, + { + "bbox": [ + 112, + 0, + 518, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925140.9181.mp4", + "variation_id": 0, + "video_id": "60705" + }, + { + "bbox": [ + 72, + 14, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9108.mp4", + "variation_id": 0, + "video_id": "60708" + }, + { + "bbox": [ + 164, + 48, + 525, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/unique.mp4", + "variation_id": 0, + "video_id": "60709" + } + ] + }, + { + "gloss": "upstairs", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 665, + "frame_start": 613, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=aCRQIlk5kh0", + "variation_id": 0, + "video_id": "60966" + }, + { + "bbox": [ + 647, + 10, + 1632, + 1075 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 4, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Upstairs-5z5Qf1SQgmc.mp4", + "variation_id": 0, + "video_id": "60967" + }, + { + "bbox": [ + 85, + 0, + 525, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925415.4777.mp4", + "variation_id": 0, + "video_id": "60968" + }, + { + "bbox": [ + 81, + 36, + 572, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/u/upstairs.mp4", + "variation_id": 0, + "video_id": "60969" + }, + { + "bbox": [ + 48, + 1, + 217, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/23/23997.mp4", + "variation_id": 0, + "video_id": "60970" + }, + { + "bbox": [ + 351, + 37, + 969, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=LQ0PcUNB_IM", + "variation_id": 0, + "video_id": "60972" + }, + { + "bbox": [ + 318, + 89, + 836, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 65, + "source": "nabboud", + "split": "train", + "url": "https://www.youtube.com/watch?v=xY8NeQaXUSA", + "variation_id": 0, + "video_id": "60973" + } + ] + }, + { + "gloss": "v", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61130" + }, + { + "bbox": [ + 203, + 29, + 510, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-V-1656.mp4", + "variation_id": 0, + "video_id": "66060" + }, + { + "bbox": [ + 136, + 37, + 582, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812899.1086.mp4", + "variation_id": 0, + "video_id": "61561" + }, + { + "bbox": [ + 126, + 13, + 461, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/v-abc.mp4", + "variation_id": 0, + "video_id": "61562" + }, + { + "bbox": [ + 84, + 7, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10021.mp4", + "variation_id": 0, + "video_id": "61563" + }, + { + "bbox": [ + 7, + 11, + 227, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 30, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/v/v.swf", + "variation_id": 0, + "video_id": "61564" + }, + { + "bbox": [ + 174, + 48, + 559, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/v.mp4", + "variation_id": 0, + "video_id": "61565" + } + ] + }, + { + "gloss": "vacant", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 56, + "frame_start": 24, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61134" + }, + { + "bbox": [ + 59, + 16, + 267, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 33, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/96980.mp4", + "variation_id": 0, + "video_id": "61135" + }, + { + "bbox": [ + 61, + 13, + 578, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468375815.3707.mp4", + "variation_id": 0, + "video_id": "61136" + }, + { + "bbox": [ + 46, + 4, + 289, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vacant.mp4", + "variation_id": 0, + "video_id": "61137" + }, + { + "bbox": [ + 78, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7803.mp4", + "variation_id": 0, + "video_id": "61138" + }, + { + "bbox": [ + 0, + 5, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 25, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/vacant.swf", + "variation_id": 0, + "video_id": "61139" + }, + { + "bbox": [ + 173, + 49, + 541, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vacant.mp4", + "variation_id": 0, + "video_id": "61140" + } + ] + }, + { + "gloss": "vague", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 166, + "frame_start": 104, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61187" + }, + { + "bbox": [ + 54, + 10, + 261, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 0, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/65774.mp4", + "variation_id": 0, + "video_id": "61188" + }, + { + "bbox": [ + 612, + 68, + 1741, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Vague-VgK7ioI6MOw.mp4", + "variation_id": 0, + "video_id": "61189" + }, + { + "bbox": [ + 72, + 0, + 513, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vague.mp4", + "variation_id": 0, + "video_id": "61190" + }, + { + "bbox": [ + 82, + 17, + 221, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/24/24167.mp4", + "variation_id": 0, + "video_id": "61191" + }, + { + "bbox": [ + 13, + 5, + 225, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/vague.swf", + "variation_id": 0, + "video_id": "61192" + }, + { + "bbox": [ + 170, + 50, + 546, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vague.mp4", + "variation_id": 0, + "video_id": "61193" + } + ] + }, + { + "gloss": "valley", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 226, + "frame_start": 167, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61219" + }, + { + "bbox": [ + 523, + 67, + 1770, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "val", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Valley-X141fYb2nVw.mp4", + "variation_id": 0, + "video_id": "61221" + }, + { + "bbox": [ + 7, + 0, + 637, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925836.5497.mp4", + "variation_id": 0, + "video_id": "61222" + }, + { + "bbox": [ + 19, + 16, + 286, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/valley.mp4", + "variation_id": 0, + "video_id": "61223" + }, + { + "bbox": [ + 37, + 14, + 244, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 10, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/22/22233.mp4", + "variation_id": 0, + "video_id": "61224" + }, + { + "bbox": [ + 0, + 21, + 260, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/valley.swf", + "variation_id": 0, + "video_id": "61225" + }, + { + "bbox": [ + 136, + 41, + 610, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/valley.mp4", + "variation_id": 0, + "video_id": "61226" + } + ] + }, + { + "gloss": "vampire", + "instances": [ + { + "bbox": [ + 195, + 30, + 475, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 100, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VA/VAMPIRE-1371.mp4", + "variation_id": 0, + "video_id": "66718" + }, + { + "bbox": [ + 75, + 9, + 243, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/400252.mp4", + "variation_id": 0, + "video_id": "61246" + }, + { + "bbox": [ + 126, + 0, + 520, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468925869.866.mp4", + "variation_id": 0, + "video_id": "61247" + }, + { + "bbox": [ + 64, + 21, + 262, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vampire.mp4", + "variation_id": 0, + "video_id": "61248" + }, + { + "bbox": [ + 66, + 15, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3113.mp4", + "variation_id": 0, + "video_id": "61249" + }, + { + "bbox": [ + 22, + 20, + 203, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/vampire.swf", + "variation_id": 0, + "video_id": "61250" + }, + { + "bbox": [ + 171, + 49, + 542, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vampire.mp4", + "variation_id": 0, + "video_id": "61251" + } + ] + }, + { + "gloss": "very", + "instances": [ + { + "bbox": [ + 579, + 76, + 1363, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 115, + "source": "aslbrick", + "split": "test", + "url": "http://aslbricks.org/New/ASL-Videos/very.mp4", + "variation_id": 0, + "video_id": "69523" + }, + { + "bbox": [ + 196, + 30, + 476, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 100, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VE/VERY-1390.mp4", + "variation_id": 0, + "video_id": "66722" + }, + { + "bbox": [ + 48, + 0, + 283, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50922.mp4", + "variation_id": 0, + "video_id": "61509" + }, + { + "bbox": [ + 562, + 65, + 1492, + 1079 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 6, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Very-4u5eZsdNPQs.mp4", + "variation_id": 0, + "video_id": "61510" + }, + { + "bbox": [ + 65, + 0, + 544, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/very.mp4", + "variation_id": 0, + "video_id": "61511" + }, + { + "bbox": [ + 32, + 9, + 245, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/3/3122.mp4", + "variation_id": 0, + "video_id": "61512" + }, + { + "bbox": [ + 155, + 47, + 528, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/very.mp4", + "variation_id": 0, + "video_id": "61515" + } + ] + }, + { + "gloss": "vice president", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 428, + "frame_start": 373, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61587" + }, + { + "bbox": [ + 37, + 48, + 226, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 2, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/90171.mp4", + "variation_id": 0, + "video_id": "61588" + }, + { + "bbox": [ + 536, + 61, + 1625, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 4, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Vice%20President%202-8FEA1saP89A.mp4", + "variation_id": 0, + "video_id": "61590" + }, + { + "bbox": [ + 9, + 8, + 263, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vice-president.mp4", + "variation_id": 0, + "video_id": "61591" + }, + { + "bbox": [ + 48, + 5, + 222, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8749.mp4", + "variation_id": 0, + "video_id": "61592" + }, + { + "bbox": [ + 0, + 18, + 210, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 24, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/v/vice_president.swf", + "variation_id": 0, + "video_id": "61594" + }, + { + "bbox": [ + 161, + 52, + 561, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/vice-president2.mp4", + "variation_id": 0, + "video_id": "61595" + } + ] + }, + { + "gloss": "viewpoint", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 485, + "frame_start": 429, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61696" + }, + { + "bbox": [ + 124, + 36, + 575, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 15, + "source": "asldeafined", + "split": "val", + "url": "https://media.asldeafined.com/vocabulary/1499870482.2044.mp4", + "variation_id": 0, + "video_id": "61697" + }, + { + "bbox": [ + 106, + 0, + 512, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/viewpoint.mp4", + "variation_id": 0, + "video_id": "61698" + }, + { + "bbox": [ + 56, + 14, + 199, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14270.mp4", + "variation_id": 0, + "video_id": "61699" + }, + { + "bbox": [ + 54, + 11, + 215, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14332.mp4", + "variation_id": 0, + "video_id": "61700" + }, + { + "bbox": [ + 49, + 11, + 205, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14333.mp4", + "variation_id": 0, + "video_id": "61701" + }, + { + "bbox": [ + 195, + 66, + 566, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/viewpoint2.mp4", + "variation_id": 0, + "video_id": "61702" + } + ] + }, + { + "gloss": "visualize", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 758, + "frame_start": 689, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61845" + }, + { + "bbox": [ + 156, + 12, + 509, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 107, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VI/VISUALIZE-579.mp4", + "variation_id": 0, + "video_id": "66733" + }, + { + "bbox": [ + 63, + 0, + 256, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/visualize.mov", + "variation_id": 0, + "video_id": "61846" + }, + { + "bbox": [ + 9, + 0, + 590, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468665373.7557.mp4", + "variation_id": 0, + "video_id": "61848" + }, + { + "bbox": [ + 114, + 0, + 582, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/visualization.mp4", + "variation_id": 0, + "video_id": "61849" + }, + { + "bbox": [ + 38, + 0, + 246, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8914.mp4", + "variation_id": 0, + "video_id": "61850" + }, + { + "bbox": [ + 164, + 33, + 590, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/imagine.mp4", + "variation_id": 0, + "video_id": "61851" + } + ] + }, + { + "gloss": "vlog", + "instances": [ + { + "bbox": [ + 200, + 30, + 481, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 0, + "signer_id": 100, + "source": "aslsignbank", + "split": "test", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/VL/VLOG-1399.mp4", + "variation_id": 0, + "video_id": "66734" + }, + { + "bbox": [ + 390, + 58, + 837, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 38, + "source": "startasl", + "split": "val", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/vlog.mp4", + "variation_id": 0, + "video_id": "61869" + }, + { + "bbox": [ + 702, + 83, + 1672, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Vlog-Miy79NlxMfE.mp4", + "variation_id": 0, + "video_id": "61870" + }, + { + "bbox": [ + 71, + 11, + 554, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vlog-make.mp4", + "variation_id": 0, + "video_id": "61871" + }, + { + "bbox": [ + 13, + 0, + 319, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/v/vlog.mp4", + "variation_id": 0, + "video_id": "61872" + }, + { + "bbox": [ + 46, + 12, + 224, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6761.mp4", + "variation_id": 0, + "video_id": "61874" + }, + { + "bbox": [ + 325, + 23, + 992, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=fG38CPUyHZU", + "variation_id": 0, + "video_id": "61875" + } + ] + }, + { + "gloss": "volleyball", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 935, + "frame_start": 879, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=cP1FdT_zo7U", + "variation_id": 0, + "video_id": "61946" + }, + { + "bbox": [ + 57, + 0, + 237, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 11, + "source": "signingsavvy", + "split": "val", + "url": "https://www.signingsavvy.com/signs/mp4/6/6436.mp4", + "variation_id": 0, + "video_id": "61953" + }, + { + "bbox": [ + 80, + 0, + 431, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/MNxwwe6Zcck", + "variation_id": 0, + "video_id": "67030" + }, + { + "bbox": [ + 20, + 0, + 291, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 56, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/50940.mp4", + "variation_id": 0, + "video_id": "61947" + }, + { + "bbox": [ + 445, + 66, + 864, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 38, + "source": "startasl", + "split": "train", + "url": "https://s3-us-west-1.amazonaws.com/files.startasl.com/asldictionary/volleyball.mp4", + "variation_id": 0, + "video_id": "61948" + }, + { + "bbox": [ + 72, + 0, + 609, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 10, + "signer_id": 13, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1468926751.7713.mp4", + "variation_id": 0, + "video_id": "61950" + }, + { + "bbox": [ + 57, + 0, + 229, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 12, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/6/6435.mp4", + "variation_id": 0, + "video_id": "61952" + } + ] + }, + { + "gloss": "w", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 23, + "frame_start": 1, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62032" + }, + { + "bbox": [ + 201, + 27, + 511, + 370 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 96, + "source": "aslsignbank", + "split": "val", + "url": "https://aslsignbank.haskins.yale.edu/dictionary/protected_media/glossvideo/ASL/LE/LETTER-W-1655.mp4", + "variation_id": 0, + "video_id": "66061" + }, + { + "bbox": [ + 129, + 39, + 581, + 478 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 21, + "source": "asldeafined", + "split": "train", + "url": "https://media.asldeafined.com/vocabulary/1528812930.671.mp4", + "variation_id": 0, + "video_id": "63274" + }, + { + "bbox": [ + 126, + 13, + 460, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/w-abc.mp4", + "variation_id": 0, + "video_id": "63275" + }, + { + "bbox": [ + 84, + 9, + 220, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/10/10022.mp4", + "variation_id": 0, + "video_id": "63276" + }, + { + "bbox": [ + 4, + 10, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 87, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/w/w.swf", + "variation_id": 0, + "video_id": "63277" + }, + { + "bbox": [ + 228, + 34, + 485, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/w.mp4", + "variation_id": 0, + "video_id": "63278" + } + ] + }, + { + "gloss": "washington", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 667, + "frame_start": 588, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62384" + }, + { + "bbox": [ + 103, + 27, + 494, + 480 + ], + "fps": 25, + "frame_end": 3626, + "frame_start": 3481, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=VwejDy96MzM", + "variation_id": 0, + "video_id": "70137" + }, + { + "bbox": [ + 627, + 35, + 1733, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Washington%202-mQp0685S1x0.mp4", + "variation_id": 0, + "video_id": "62393" + }, + { + "bbox": [ + 556, + 39, + 1746, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 39, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Washington-3TfX4QqIDSE.mp4", + "variation_id": 0, + "video_id": "62394" + }, + { + "bbox": [ + 250, + 27, + 799, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 73, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Washington-6gzJu4tLpWc.mp4", + "variation_id": 0, + "video_id": "62395" + }, + { + "bbox": [ + 20, + 8, + 211, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/14/14120.mp4", + "variation_id": 0, + "video_id": "62396" + }, + { + "bbox": [ + 92, + 53, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/washington.mp4", + "variation_id": 0, + "video_id": "62398" + } + ] + }, + { + "gloss": "waterfall", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 876, + "frame_start": 764, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62487" + }, + { + "bbox": [ + 33, + 19, + 237, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 26, + "source": "spreadthesign", + "split": "val", + "url": "https://media.spreadthesign.com/video/mp4/13/308822.mp4", + "variation_id": 0, + "video_id": "62488" + }, + { + "bbox": [ + 608, + 70, + 1625, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Waterfall%203-OPPU1PATf1Y.mp4", + "variation_id": 0, + "video_id": "62489" + }, + { + "bbox": [ + 636, + 71, + 1594, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 32, + "source": "signschool", + "split": "train", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Waterfall-d8xheoe8WSQ.mp4", + "variation_id": 0, + "video_id": "62490" + }, + { + "bbox": [ + 100, + 18, + 447, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 20, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/waterfalls.mp4", + "variation_id": 0, + "video_id": "62491" + }, + { + "bbox": [ + 69, + 16, + 219, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/7/7474.mp4", + "variation_id": 0, + "video_id": "62492" + }, + { + "bbox": [ + 203, + 55, + 549, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/waterfall.mp4", + "variation_id": 0, + "video_id": "62493" + } + ] + }, + { + "gloss": "weigh", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 1550, + "frame_start": 1498, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "62781" + }, + { + "bbox": [ + 155, + 23, + 506, + 480 + ], + "fps": 25, + "frame_end": 5943, + "frame_start": 5826, + "instance_id": 1, + "signer_id": 121, + "source": "northtexas", + "split": "val", + "url": "https://www.youtube.com/watch?v=RaTg-FuhCmY", + "variation_id": 0, + "video_id": "70104" + }, + { + "bbox": [ + 84, + 17, + 373, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 109, + "source": "asllex", + "split": "train", + "url": "https://youtu.be/Ke1mna9qHcI", + "variation_id": 0, + "video_id": "67053" + }, + { + "bbox": [ + 89, + 4, + 242, + 180 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 19, + "source": "elementalasl", + "split": "train", + "url": "https://elementalaslconcepts.weebly.com/uploads/2/4/4/5/24454483/weight.mov", + "variation_id": 0, + "video_id": "62782" + }, + { + "bbox": [ + 75, + 16, + 216, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/8/8105.mp4", + "variation_id": 0, + "video_id": "62783" + }, + { + "bbox": [ + 0, + 14, + 224, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 83, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/weigh.swf", + "variation_id": 0, + "video_id": "62784" + }, + { + "bbox": [ + 228, + 34, + 486, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 41, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/scale.mp4", + "variation_id": 0, + "video_id": "62785" + } + ] + }, + { + "gloss": "wheelchair", + "instances": [ + { + "bbox": [ + 415, + 86, + 1811, + 1080 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 4, + "source": "signschool", + "split": "test", + "url": "https://signstock.blob.core.windows.net/signschool/videos/db_uploads/SignSchool%20Wheelchair-TuccL0Qbi7w.mp4", + "variation_id": 0, + "video_id": "63044" + }, + { + "bbox": [ + 73, + 0, + 565, + 480 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 20, + "source": "handspeak", + "split": "val", + "url": "https://www.handspeak.com/word/w/wheelchair.mp4", + "variation_id": 0, + "video_id": "63045" + }, + { + "bbox": [ + 35, + 10, + 259, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/4/4101.mp4", + "variation_id": 0, + "video_id": "63046" + }, + { + "bbox": [ + 39, + 13, + 248, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/5/5233.mp4", + "variation_id": 0, + "video_id": "63047" + }, + { + "bbox": [ + 190, + 43, + 1017, + 720 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 5, + "source": "aslu", + "split": "train", + "url": "https://www.youtube.com/watch?v=j5962WtxLvs", + "variation_id": 0, + "video_id": "63048" + }, + { + "bbox": [ + 0, + 1, + 264, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 7, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com//main/w/wheelchair.swf", + "variation_id": 0, + "video_id": "63049" + }, + { + "bbox": [ + 163, + 62, + 625, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 8, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/wheelchair.mp4", + "variation_id": 0, + "video_id": "63050" + } + ] + }, + { + "gloss": "whistle", + "instances": [ + { + "bbox": [ + 0, + 0, + 360, + 240 + ], + "fps": 25, + "frame_end": 2111, + "frame_start": 2055, + "instance_id": 0, + "signer_id": 9, + "source": "asl5200", + "split": "test", + "url": "https://www.youtube.com/watch?v=A5dihMAjeTE", + "variation_id": 0, + "video_id": "63185" + }, + { + "bbox": [ + 154, + 22, + 422, + 360 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 1, + "signer_id": 109, + "source": "asllex", + "split": "val", + "url": "https://youtu.be/I16CI7lhzJE", + "variation_id": 0, + "video_id": "67065" + }, + { + "bbox": [ + 76, + 17, + 236, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 2, + "signer_id": 2, + "source": "spreadthesign", + "split": "train", + "url": "https://media.spreadthesign.com/video/mp4/13/91864.mp4", + "variation_id": 0, + "video_id": "63186" + }, + { + "bbox": [ + 3, + 0, + 320, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 3, + "signer_id": 14, + "source": "handspeak", + "split": "train", + "url": "https://www.handspeak.com/word/w/whistle.mp4", + "variation_id": 0, + "video_id": "63187" + }, + { + "bbox": [ + 68, + 14, + 212, + 192 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 4, + "signer_id": 11, + "source": "signingsavvy", + "split": "train", + "url": "https://www.signingsavvy.com/signs/mp4/9/9961.mp4", + "variation_id": 0, + "video_id": "63188" + }, + { + "bbox": [ + 18, + 4, + 228, + 240 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 5, + "signer_id": 84, + "source": "aslpro", + "split": "train", + "url": "http://www.aslpro.com/main/w/whistle.swf", + "variation_id": 0, + "video_id": "63189" + }, + { + "bbox": [ + 210, + 55, + 567, + 400 + ], + "fps": 25, + "frame_end": -1, + "frame_start": 1, + "instance_id": 6, + "signer_id": 12, + "source": "aslsearch", + "split": "train", + "url": "http://www.aslsearch.com/signs/videos/whistle.mp4", + "variation_id": 0, + "video_id": "63190" + } + ] + } +] diff --git a/Neural Networks/Sign Language To Speech/Word Databases/Tools/Dataset Splitting/k_gloss_splitting.py b/Neural Networks/Sign Language To Speech/Word Databases/Tools/Dataset Splitting/k_gloss_splitting.py new file mode 100644 index 00000000..438d0b6a --- /dev/null +++ b/Neural Networks/Sign Language To Speech/Word Databases/Tools/Dataset Splitting/k_gloss_splitting.py @@ -0,0 +1,180 @@ +""" +The script allows to divide the WLASL dataset into sub-datasets. The division +is made according to the order indicated in the JSON file. This file is made +available by the authors of WLASL dataset. +Usage: python k_gloss_splitting.py param1 param2 + - param1: path to the full dataset (e.g. ./WLASL_full/) + - param2: number of glosses to be considered for the split (e.g. 2000) +""" +import json +import os +import shutil +import sys + +import cv2 +from tqdm import tqdm + +# global variables +PATH_JSON = './WLASL_v0.3.json' + + +def main(): + try: + # command line inputs + path_dataset = sys.argv[1] + glosses = int(sys.argv[2]) + if not 1 <= glosses <= 2000: + raise ValueError('\nInsert an integer: 1~2000') + + # set the name of dir that will contain the spilt + path_k_glosses_dir = './WLASL_' + str(glosses) + '/' + + print('[log] > START DATASET PROCESSING ...\n') + dataset_processing(glosses, path_k_glosses_dir, path_dataset) + show_info(path_k_glosses_dir) + print('\n[log] > DONE!') + + except ValueError: + print('Insert an integer: 1~2000') + + +def dataset_processing(glosses, path_k_glosses_dir, path_dataset): + # read the json as a list of dictionaries + wlasl_json = read_json(PATH_JSON) + + # split the videos in train, val and test + splitted_videos = splitting_train_val_test(wlasl_json, glosses) + + # create dirs in which we'll store the videos + make_target_dirs(wlasl_json, glosses, path_k_glosses_dir) + + # copy the videos in their own dir + save_in_dirs(path_dataset, path_k_glosses_dir, splitted_videos) + + +def read_json(file_path): + with open(file_path) as f: + wlasl_json = json.load(f) + return wlasl_json + + +def splitting_train_val_test(json_file, glosses): + print('[log] > Splitting videos in train, val and test ...') + # save in a dictionary the 'video_id' - ['target_dit', ] pair + videos_dict = {} + for k, gloss in tqdm(enumerate(json_file)): # iterate through each gloss + if k < glosses: + videos = gloss['instances'] # get all videos as array + for video in videos: + video_id = video['video_id'] + target_dir = video['split'] # get destination dir + gloss_name = gloss['gloss'] + videos_dict[video_id] = (target_dir, gloss_name) + else: + break + + return videos_dict + + +def save_in_dirs(path_dataset, path_k_glosses_dir, videos): + print('\n[log] > Copying videos in their own dir ...') + # copy the videos in dirs + for video_id, data in tqdm(videos.items()): + source_url = path_dataset + video_id + '.mp4' + destination_url = path_k_glosses_dir + data[0] + '/' + data[1] + '/' + shutil.copy(source_url, destination_url) + + +def make_target_dirs(json_file, glosses, path_k_glosses_dir): + # delete the existing target dir, if it exists + if os.path.isdir('./' + path_k_glosses_dir): + shutil.rmtree(path_k_glosses_dir) + + # create the target dir + os.mkdir(path_k_glosses_dir) + # create the train, val and test dirs + os.mkdir(path_k_glosses_dir + 'train') + os.mkdir(path_k_glosses_dir + 'val') + os.mkdir(path_k_glosses_dir + 'test') + + print('\n[log] > Creating dirs ...') + for k, gloss in tqdm(enumerate(json_file)): # iterate through each gloss + if k < glosses: + # create as many folders as there are glosses + os.mkdir(path_k_glosses_dir + 'train/' + gloss['gloss']) + os.mkdir(path_k_glosses_dir + 'val/' + gloss['gloss']) + os.mkdir(path_k_glosses_dir + 'test/' + gloss['gloss']) + else: + break + + +def show_info(path_k_glosses_dir): + # print the numbers of videos + print_entries(path_k_glosses_dir) + + # print the videos info + print_videos_info(path_k_glosses_dir) + + +def print_entries(path_root): + path_train = path_root + 'train/' + path_val = path_root + 'val/' + path_test = path_root + 'test/' + + n_tot = sum([len(files) for _, _, files in os.walk(path_root)]) + n_train = sum([len(files) for _, _, files in os.walk(path_train)]) + n_val = sum([len(files) for _, _, files in os.walk(path_val)]) + n_test = sum([len(files) for _, _, files in os.walk(path_test)]) + + print('\n[log] > Dataset summary:') + print(f'Total videos: {n_tot}') + print(f'Videos in train: {n_train} - {(n_train / n_tot * 100):,.0f}%') + print(f'Videos in val: {n_val} - {(n_val / n_tot * 100):,.0f}%') + print(f'Videos in test: {n_test} - {(n_test / n_tot * 100):,.0f}%') + + +def print_videos_info(path_root): + videos = get_videos_path(path_root) + info = get_videos_info(videos) + + print('\n[log] > Dataset info:') + print( + f'The video {info[0][0]} has the MIN length: {info[0][1]} - ' + f'Total frames: {info[0][2]}' + ) + print( + f'The video {info[-1][0]} has the MAX length: {info[-1][1]} - ' + f'Total frames: {info[-1][2]}' + ) + + +def get_videos_path(path_root): + # get videos path + paths = [] + for root, dirs, files in os.walk(os.path.relpath(path_root)): + for file in files: + paths.append(os.path.join(root, file)) + + return paths + + +def get_videos_info(videos): + print('\n[log] > Retrieving videos metadata ...') + lengths = [get_meta_data(vid_path) for vid_path in tqdm(videos)] + + return sorted(lengths, key=lambda x: x[1]) # sorted by duration + + +def get_meta_data(file_path): + video_cap = cv2.VideoCapture(file_path) + fps = video_cap.get(cv2.CAP_PROP_FPS) + frame_count = int(video_cap.get(cv2.CAP_PROP_FRAME_COUNT)) + duration = frame_count / fps + video_cap.release() + + file_name = os.path.basename(os.path.normpath(file_path)) + return file_name, duration, frame_count + + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/Neural Networks/Sign Language To Speech/Word Databases/src/data_utils.py b/Neural Networks/Sign Language To Speech/Word Databases/src/data_utils.py new file mode 100644 index 00000000..9a76752f --- /dev/null +++ b/Neural Networks/Sign Language To Speech/Word Databases/src/data_utils.py @@ -0,0 +1,27 @@ +import glob +import os + + +def labels_to_number(path): + + #converting string labels in numbers + classes = [i.split(os.path.sep)[3] for i in glob.glob(path + '*')] + classes.sort() + + labels_dict = {} + for i, label in enumerate(classes): + labels_dict[label] = i + + return labels_dict + + +def videos_to_dict(path, labels): + + videos_dict = {} + for root, dirs, files in os.walk(os.path.relpath(path)): + for file in files: + video_name = os.path.join(root, file) + dir_name = os.path.basename(os.path.dirname(video_name)) # label + videos_dict[video_name] = labels[dir_name] + + return videos_dict \ No newline at end of file diff --git a/Neural Networks/Sign Language To Speech/Word Databases/src/frame_generator.py b/Neural Networks/Sign Language To Speech/Word Databases/src/frame_generator.py new file mode 100644 index 00000000..7b8d4c2a --- /dev/null +++ b/Neural Networks/Sign Language To Speech/Word Databases/src/frame_generator.py @@ -0,0 +1,72 @@ +import cv2 # for capturing videos +import math # for mathematical operations +import matplotlib.pyplot as plt # for plotting the images +%matplotlib inline +import pandas as pd +from keras.preprocessing import image # for preprocessing the images +import numpy as np # for mathematical operations +from keras.utils import np_utils +from skimage.transform import resize # for resizing images + +class DataGenerator(keras.utils.Sequence): +#Generates data for Keras +def init(self, list_IDs, labels, batch_size=32, dim=(32,32), n_channels=1, n_classes=10, shuffle=True): + +#Initialization +self.dim = dim +self.batch_size = batch_size +self.labels = labels +self.list_IDs = list_IDs +self.n_channels = n_channels +self.n_classes = n_classes +self.shuffle = shuffle +self.on_epoch_end() + +def __len__(self): + 'Denotes the number of batches per epoch' + return int(np.floor(len(self.list_IDs) / self.batch_size)) + +def __getitem__(self, index): + 'Generate one batch of data' + # Generate indexes of the batch + indexes = self.indexes[index*self.batch_size:(index+1)*self.batch_size] + + # Find list of IDs + list_IDs_temp = [self.list_IDs[k] for k in indexes] + + # Generate data + X, y = self.__data_generation(indexes) + + return X, y + +def on_epoch_end(self): + 'Updates indexes after each epoch' + self.indexes = np.arange(len(self.list_IDs)) + if self.shuffle == True: + np.random.shuffle(self.indexes) + +def read_and_resize(self, filepath): + img = imread('/home/eren/dataset_scrap/' + filepath) + res = resize(img, (150, 150), preserve_range=True, mode='reflect') + return np.expand_dims(res, 0) + +def __data_generation(self, list_IDs_temp): + 'Generates data containing batch_size samples' # X : (n_samples, *dim, n_channels) + # Initialization + X = np.empty((self.batch_size, *self.dim, self.n_channels)) + y = np.empty((self.batch_size), dtype=int) + + X = [self.read_and_resize(self.list_IDs[i]) + for i in range(0, len(list_IDs_temp))] + y = self.labels[:len(list_IDs_temp)] + X = np.vstack(X) + + return X, y` + + +#frame sampling +#sampling mode 1 +#sampling mode 2 +#get_chunks +#sample aug +#save frame sampling diff --git a/Neural Networks/Sign Language To Speech/app.py b/Neural Networks/Sign Language To Speech/app.py new file mode 100644 index 00000000..6730d4ba --- /dev/null +++ b/Neural Networks/Sign Language To Speech/app.py @@ -0,0 +1,193 @@ +from flask import Flask, render_template, Response, request, redirect, url_for +from text_speech import text_to_speech +import cv2 +from tensorflow.keras.models import model_from_json +from tensorflow.keras.preprocessing import image +import numpy as np +from spellchecker import SpellChecker +import re +from collections import Counter +import pandas as pd +from fuzzywuzzy import fuzz + +app = Flask(__name__) +camera = cv2.VideoCapture(0) + +d = {0: ' ', 1: 'A', 2: 'B', 3: 'C', + 4: 'D', 5: 'E', 6: 'F', 7: 'G', + 8: 'H', 9: 'I', 10: 'J', 11: 'K', + 12: 'L', 13: 'M', 14: 'N', 15: 'O', + 16: 'P', 17: 'Q', 18: 'R', 19: 'S', + 20: 'T', 21: 'U', 22: 'V', 23: 'W', + 24: 'X', 25: 'Y', 26: 'Z'} + +upper_left = (335, 3) +bottom_right = (635, 303) + +json_file = open('model-bw.json', 'r') +loaded_model_json = json_file.read() +json_file.close() +loaded_model = model_from_json(loaded_model_json) +loaded_model.load_weights("model-bw.h5") + +words = [] + +with open('autocorrect book.txt', 'r', encoding='utf-8') as f: + data = f.read().lower() + words = re.findall('\w+', data) + words += words + +V = set(words) +words_freq_dict = Counter(words) + +Total = sum(words_freq_dict.values()) + +probs = {} + +for k in words_freq_dict.keys(): + probs[k] = words_freq_dict[k] / Total + + +def function(img): + gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + blur = cv2.GaussianBlur(gray, (5, 5), 1) + th3 = cv2.adaptiveThreshold(blur, 255, cv2.ADAPTIVE_THRESH_GAUSSIAN_C, cv2.THRESH_BINARY_INV, 11, 2) + ret, res = cv2.threshold(th3, 70, 255, cv2.THRESH_BINARY_INV + cv2.THRESH_OTSU) + return res + + +def generate_frames(): + while True: + success, frame = camera.read() + if not success: + break + else: + frame = cv2.flip(frame, 1) + r = cv2.rectangle(frame, upper_left, bottom_right, (0, 0, 0), 5) + rect_img = frame[upper_left[1]:bottom_right[1], upper_left[0]:bottom_right[0]] + sketcher_rect = rect_img + sketcher_rect = function(sketcher_rect) + sketcher_rect_rgb = cv2.cvtColor(sketcher_rect, cv2.COLOR_GRAY2RGB) + frame[upper_left[1]:bottom_right[1], upper_left[0]:bottom_right[0]] = sketcher_rect_rgb + + ret, buffer = cv2.imencode('.jpg', frame) + frame = buffer.tobytes() + + yield (b'--frame\r\n' + b'Content-Type: image/jpeg\r\n\r\n' + frame + b'\r\n') + + +l = [] +str1 = "" +voice_gender = "Female" +language = "en" + + +@app.route('/set_voice', methods=['POST']) +def set_voice(): + global voice_gender + voice_gender = request.form['voice'] + return redirect(url_for('index')) + + +@app.route('/set_language', methods=['POST']) +def set_language(): + global language + language = request.form['language'] + return redirect(url_for('index')) + + +@app.route('/predict', methods=['POST']) +def predictions(): + while True: + success, frame = camera.read() + frame = cv2.flip(frame, 1) + r = cv2.rectangle(frame, upper_left, bottom_right, (0, 0, 0), 5) + rect_img = frame[upper_left[1]:bottom_right[1], upper_left[0]:bottom_right[0]] + sketcher_rect = rect_img + sketcher_rect = function(sketcher_rect) + sketcher_rect_rgb = cv2.cvtColor(sketcher_rect, cv2.COLOR_GRAY2RGB) + frame[upper_left[1]:bottom_right[1], upper_left[0]:bottom_right[0]] = sketcher_rect_rgb + + sketcher_rect = cv2.resize(sketcher_rect, (128, 128)) + x = image.img_to_array(sketcher_rect) + x = np.expand_dims(x, axis=0) + x = x / 255.0 + pre = loaded_model.predict(x) + p_test = np.argmax(pre) + a = d[p_test] + l.append(a) + str1 = "" + + for ele in l: + str1 += ele + + return render_template("index.html", pred=str1, predicted_output=autocorrect_text(str1), + voice_gender=voice_gender, similar_words=get_similar(autocorrect_text(str1))) + + +@app.route('/stop', methods=['POST']) +def stopping(): + global voice_gender + text_to_speech('Predicting the output', voice_gender, 'te') + while True: + success, frame = camera.read() + if not success: + break + else: + frame = cv2.flip(frame, 1) + r = cv2.rectangle(frame, upper_left, bottom_right, (0, 0, 0), 5) + rect_img = frame[upper_left[1]:bottom_right[1], upper_left[0]:bottom_right[0]] + sketcher_rect = rect_img + sketcher_rect = function(sketcher_rect) + sketcher_rect_rgb = cv2.cvtColor(sketcher_rect, cv2.COLOR_GRAY2RGB) + frame[upper_left[1]:bottom_right[1], upper_left[0]:bottom_right[0]] = sketcher_rect_rgb + str1 = "" + for ele in l: + str1 += ele + text_to_speech(autocorrect_text(str1), voice_gender, language) + l.clear() + return render_template("index.html", pred=str1, voice_gender=voice_gender) + + +@app.route('/') +def index(): + text_to_speech('Hi there please show the hand gesture in the provided space', voice_gender, language) + return render_template('index.html', voice_gender=voice_gender, language=language) + + +@app.route('/video') +def video(): + return Response(generate_frames(), mimetype='multipart/x-mixed-replace; boundary=frame') + + +def autocorrect_text(text): + spell = SpellChecker() + words = text.split() + corrected_words = [spell.correction(word) for word in words] + corrected_text = ' '.join(corrected_words) + return corrected_text + + +def get_similar(keyword, top_n=5): + if not keyword: + return [] + + similarities = [] + for v in words_freq_dict.keys(): + if keyword and v: + similarity = fuzz.ratio(keyword, v) / 100.0 # Convert ratio to a fraction + else: + similarity = 0 + similarities.append(similarity) + + df = pd.DataFrame.from_dict(probs, orient='index').reset_index() + df.columns = ['Word', 'Prob'] + df['Similarity'] = similarities + suggestions = df.sort_values(['Similarity', 'Prob'], ascending=False)[['Word', 'Similarity']] + suggestions_list = suggestions.head(top_n).to_dict('records') # Convert DataFrame to list of dictionaries + return suggestions_list + + +if __name__ == "__main__": + app.run() diff --git a/Neural Networks/Sign Language To Speech/autocorrect book.txt b/Neural Networks/Sign Language To Speech/autocorrect book.txt new file mode 100644 index 00000000..b2125bd5 --- /dev/null +++ b/Neural Networks/Sign Language To Speech/autocorrect book.txt @@ -0,0 +1,22333 @@ + +The Project Gutenberg EBook of Moby Dick; or The Whale, by Herman +Melville + +This eBook is for the use of anyone anywhere at no cost and with almost +no restrictions whatsoever. You may copy it, give it away or re-use it +under the terms of the Project Gutenberg License included with this +eBook or online at www.gutenberg.org + + +Title: Moby Dick; or The Whale + +Author: Herman Melville + +Release Date: December 25, 2008 [EBook #2701] Last Updated: December 3, +2017 + +Language: English + +Character set encoding: UTF-8 + +*** START OF THIS PROJECT GUTENBERG EBOOK MOBY DICK; OR THE WHALE *** + + + + +Produced by Daniel Lazarus, Jonesey, and David Widger + + + + + +MOBY-DICK; + +or, THE WHALE. + +By Herman Melville + + + +CONTENTS + +ETYMOLOGY. + +EXTRACTS (Supplied by a Sub-Sub-Librarian). + +CHAPTER 1. Loomings. + +CHAPTER 2. The Carpet-Bag. + +CHAPTER 3. The Spouter-Inn. + +CHAPTER 4. The Counterpane. + +CHAPTER 5. Breakfast. + +CHAPTER 6. The Street. + +CHAPTER 7. The Chapel. + +CHAPTER 8. The Pulpit. + +CHAPTER 9. The Sermon. + +CHAPTER 10. A Bosom Friend. + +CHAPTER 11. Nightgown. + +CHAPTER 12. Biographical. + +CHAPTER 13. Wheelbarrow. + +CHAPTER 14. Nantucket. + +CHAPTER 15. Chowder. + +CHAPTER 16. The Ship. + +CHAPTER 17. The Ramadan. + +CHAPTER 18. His Mark. + +CHAPTER 19. The Prophet. + +CHAPTER 20. All Astir. + +CHAPTER 21. Going Aboard. + +CHAPTER 22. Merry Christmas. + +CHAPTER 23. The Lee Shore. + +CHAPTER 24. The Advocate. + +CHAPTER 25. Postscript. + +CHAPTER 26. Knights and Squires. + +CHAPTER 27. Knights and Squires. + +CHAPTER 28. Ahab. + +CHAPTER 29. Enter Ahab; to Him, Stubb. + +CHAPTER 30. The Pipe. + +CHAPTER 31. Queen Mab. + +CHAPTER 32. Cetology. + +CHAPTER 33. The Specksnyder. + +CHAPTER 34. The Cabin-Table. + +CHAPTER 35. The Mast-Head. + +CHAPTER 36. The Quarter-Deck. + +CHAPTER 37. Sunset. + +CHAPTER 38. Dusk. + +CHAPTER 39. First Night-Watch. + +CHAPTER 40. Midnight, Forecastle. + +CHAPTER 41. Moby Dick. + +CHAPTER 42. The Whiteness of the Whale. + +CHAPTER 43. Hark! + +CHAPTER 44. The Chart. + +CHAPTER 45. The Affidavit. + +CHAPTER 46. Surmises. + +CHAPTER 47. The Mat-Maker. + +CHAPTER 48. The First Lowering. + +CHAPTER 49. The Hyena. + +CHAPTER 50. Ahab’s Boat and Crew. Fedallah. + +CHAPTER 51. The Spirit-Spout. + +CHAPTER 52. The Albatross. + +CHAPTER 53. The Gam. + +CHAPTER 54. The Town-Ho’s Story. + +CHAPTER 55. Of the Monstrous Pictures of Whales. + +CHAPTER 56. Of the Less Erroneous Pictures of Whales, and the True +Pictures of Whaling Scenes. + +CHAPTER 57. Of Whales in Paint; in Teeth; in Wood; in Sheet-Iron; in +Stone; in Mountains; in Stars. + +CHAPTER 58. Brit. + +CHAPTER 59. Squid. + +CHAPTER 60. The Line. + +CHAPTER 61. Stubb Kills a Whale. + +CHAPTER 62. The Dart. + +CHAPTER 63. The Crotch. + +CHAPTER 64. Stubb’s Supper. + +CHAPTER 65. The Whale as a Dish. + +CHAPTER 66. The Shark Massacre. + +CHAPTER 67. Cutting In. + +CHAPTER 68. The Blanket. + +CHAPTER 69. The Funeral. + +CHAPTER 70. The Sphynx. + +CHAPTER 71. The Jeroboam’s Story. + +CHAPTER 72. The Monkey-Rope. + +CHAPTER 73. Stubb and Flask kill a Right Whale; and Then Have a Talk +over Him. + +CHAPTER 74. The Sperm Whale’s Head—Contrasted View. + +CHAPTER 75. The Right Whale’s Head—Contrasted View. + +CHAPTER 76. The Battering-Ram. + +CHAPTER 77. The Great Heidelburgh Tun. + +CHAPTER 78. Cistern and Buckets. + +CHAPTER 79. The Prairie. + +CHAPTER 80. The Nut. + +CHAPTER 81. The Pequod Meets The Virgin. + +CHAPTER 82. The Honor and Glory of Whaling. + +CHAPTER 83. Jonah Historically Regarded. + +CHAPTER 84. Pitchpoling. + +CHAPTER 85. The Fountain. + +CHAPTER 86. The Tail. + +CHAPTER 87. The Grand Armada. + +CHAPTER 88. Schools and Schoolmasters. + +CHAPTER 89. Fast-Fish and Loose-Fish. + +CHAPTER 90. Heads or Tails. + +CHAPTER 91. The Pequod Meets The Rose-Bud. + +CHAPTER 92. Ambergris. + +CHAPTER 93. The Castaway. + +CHAPTER 94. A Squeeze of the Hand. + +CHAPTER 95. The Cassock. + +CHAPTER 96. The Try-Works. + +CHAPTER 97. The Lamp. + +CHAPTER 98. Stowing Down and Clearing Up. + +CHAPTER 99. The Doubloon. + +CHAPTER 100. Leg and Arm. + +CHAPTER 101. The Decanter. + +CHAPTER 102. A Bower in the Arsacides. + +CHAPTER 103. Measurement of The Whale’s Skeleton. + +CHAPTER 104. The Fossil Whale. + +CHAPTER 105. Does the Whale’s Magnitude Diminish?—Will He Perish? + +CHAPTER 106. Ahab’s Leg. + +CHAPTER 107. The Carpenter. + +CHAPTER 108. Ahab and the Carpenter. + +CHAPTER 109. Ahab and Starbuck in the Cabin. + +CHAPTER 110. Queequeg in His Coffin. + +CHAPTER 111. The Pacific. + +CHAPTER 112. The Blacksmith. + +CHAPTER 113. The Forge. + +CHAPTER 114. The Gilder. + +CHAPTER 115. The Pequod Meets The Bachelor. + +CHAPTER 116. The Dying Whale. + +CHAPTER 117. The Whale Watch. + +CHAPTER 118. The Quadrant. + +CHAPTER 119. The Candles. + +CHAPTER 120. The Deck Towards the End of the First Night Watch. + +CHAPTER 121. Midnight.—The Forecastle Bulwarks. + +CHAPTER 122. Midnight Aloft.—Thunder and Lightning. + +CHAPTER 123. The Musket. + +CHAPTER 124. The Needle. + +CHAPTER 125. The Log and Line. + +CHAPTER 126. The Life-Buoy. + +CHAPTER 127. The Deck. + +CHAPTER 128. The Pequod Meets The Rachel. + +CHAPTER 129. The Cabin. + +CHAPTER 130. The Hat. + +CHAPTER 131. The Pequod Meets The Delight. + +CHAPTER 132. The Symphony. + +CHAPTER 133. The Chase—First Day. + +CHAPTER 134. The Chase—Second Day. + +CHAPTER 135. The Chase.—Third Day. + +Epilogue + + + + +Original Transcriber’s Notes: + + + + + +This text is a combination of etexts, one from the now-defunct ERIS +project at Virginia Tech and one from Project Gutenberg’s archives. The +proofreaders of this version are indebted to The University of Adelaide +Library for preserving the Virginia Tech version. The resulting etext +was compared with a public domain hard copy version of the text. + + + + + + ETYMOLOGY. + + + (Supplied by a Late Consumptive Usher to a Grammar School.) + + The pale Usher—threadbare in coat, heart, body, and brain; I see him + now. He was ever dusting his old lexicons and grammars, with a queer + handkerchief, mockingly embellished with all the gay flags of all the + known nations of the world. He loved to dust his old grammars; it + somehow mildly reminded him of his mortality. + + “While you take in hand to school others, and to teach them by what + name a whale-fish is to be called in our tongue, leaving out, through + ignorance, the letter H, which almost alone maketh up the + signification of the word, you deliver that which is not true.” + —_Hackluyt._ + + “WHALE. * * * Sw. and Dan. _hval_. This animal is named from + roundness or rolling; for in Dan. _hvalt_ is arched or vaulted.” + —_Webster’s Dictionary._ + + “WHALE. * * * It is more immediately from the Dut. and Ger. _Wallen_; + A.S. _Walw-ian_, to roll, to wallow.” —_Richardson’s Dictionary._ + + + חו, _Hebrew_. + ϰητος, _Greek_. + CETUS, _Latin_. + WHŒL, _Anglo-Saxon_. + HVALT, _Danish_. + WAL, _Dutch_. + HWAL, _Swedish_. + WHALE, _Icelandic_. + WHALE, _English_. + BALLENA, _Spanish_. + PEKEE-NUEE-NUEE, _Fegee_. + PEHEE-NUEE-NUEE, _Erromangoan_. + + + + EXTRACTS. (Supplied by a Sub-Sub-Librarian). + + + + It will be seen that this mere painstaking burrower and grub-worm of + a poor devil of a Sub-Sub appears to have gone through the long + Vaticans and street-stalls of the earth, picking up whatever random + allusions to whales he could anyways find in any book whatsoever, + sacred or profane. Therefore you must not, in every case at least, + take the higgledy-piggledy whale statements, however authentic, in + these extracts, for veritable gospel cetology. Far from it. As + touching the ancient authors generally, as well as the poets here + appearing, these extracts are solely valuable or entertaining, as + affording a glancing bird’s eye view of what has been promiscuously + said, thought, fancied, and sung of Leviathan, by many nations and + generations, including our own. + + So fare thee well, poor devil of a Sub-Sub, whose commentator I am. + Thou belongest to that hopeless, sallow tribe which no wine of this + world will ever warm; and for whom even Pale Sherry would be too + rosy-strong; but with whom one sometimes loves to sit, and feel + poor-devilish, too; and grow convivial upon tears; and say to them + bluntly, with full eyes and empty glasses, and in not altogether + unpleasant sadness—Give it up, Sub-Subs! For by how much the more + pains ye take to please the world, by so much the more shall ye for + ever go thankless! Would that I could clear out Hampton Court and the + Tuileries for ye! But gulp down your tears and hie aloft to the + royal-mast with your hearts; for your friends who have gone before + are clearing out the seven-storied heavens, and making refugees of + long-pampered Gabriel, Michael, and Raphael, against your coming. + Here ye strike but splintered hearts together—there, ye shall strike + unsplinterable glasses! + +EXTRACTS. + + “And God created great whales.” —_Genesis_. + + “Leviathan maketh a path to shine after him; One would think the deep + to be hoary.” —_Job_. + + “Now the Lord had prepared a great fish to swallow up Jonah.” + —_Jonah_. + + “There go the ships; there is that Leviathan whom thou hast made to + play therein.” —_Psalms_. + + “In that day, the Lord with his sore, and great, and strong sword, + shall punish Leviathan the piercing serpent, even Leviathan that + crooked serpent; and he shall slay the dragon that is in the sea.” + —_Isaiah_. + + “And what thing soever besides cometh within the chaos of this + monster’s mouth, be it beast, boat, or stone, down it goes all + incontinently that foul great swallow of his, and perisheth in the + bottomless gulf of his paunch.” —_Holland’s Plutarch’s Morals_. + + “The Indian Sea breedeth the most and the biggest fishes that are: + among which the Whales and Whirlpooles called Balaene, take up as + much in length as four acres or arpens of land.” —_Holland’s Pliny_. + + “Scarcely had we proceeded two days on the sea, when about sunrise a + great many Whales and other monsters of the sea, appeared. Among the + former, one was of a most monstrous size.... This came towards us, + open-mouthed, raising the waves on all sides, and beating the sea + before him into a foam.” —_Tooke’s Lucian_. “_The True History_.” + + + + + “He visited this country also with a view of catching horse-whales, + which had bones of very great value for their teeth, of which he + brought some to the king.... The best whales were catched in his own + country, of which some were forty-eight, some fifty yards long. He + said that he was one of six who had killed sixty in two days.” + —_Other or Other’s verbal narrative taken down from his mouth by King + Alfred, A.D._ 890. + + “And whereas all the other things, whether beast or vessel, that + enter into the dreadful gulf of this monster’s (whale’s) mouth, are + immediately lost and swallowed up, the sea-gudgeon retires into it in + great security, and there sleeps.” —MONTAIGNE. —_Apology for Raimond + Sebond_. + + “Let us fly, let us fly! Old Nick take me if is not Leviathan + described by the noble prophet Moses in the life of patient Job.” + —_Rabelais_. + + “This whale’s liver was two cartloads.” —_Stowe’s Annals_. + + “The great Leviathan that maketh the seas to seethe like boiling + pan.” —_Lord Bacon’s Version of the Psalms_. + + “Touching that monstrous bulk of the whale or ork we have received + nothing certain. They grow exceeding fat, insomuch that an incredible + quantity of oil will be extracted out of one whale.” —_Ibid_. + “_History of Life and Death_.” + + + + + “The sovereignest thing on earth is parmacetti for an inward bruise.” + —_King Henry_. + + “Very like a whale.” —_Hamlet_. + + + “Which to secure, no skill of leach’s art Mote him availle, but to + returne againe To his wound’s worker, that with lowly dart, Dinting + his breast, had bred his restless paine, Like as the wounded whale to + shore flies thro’ the maine.” —_The Faerie Queen_. + + + + “Immense as whales, the motion of whose vast bodies can in a peaceful + calm trouble the ocean till it boil.” —_Sir William Davenant. Preface + to Gondibert_. + + “What spermacetti is, men might justly doubt, since the learned + Hosmannus in his work of thirty years, saith plainly, _Nescio quid + sit_.” —_Sir T. Browne. Of Sperma Ceti and the Sperma Ceti Whale. + Vide his V. E._ + + + “Like Spencer’s Talus with his modern flail He threatens ruin with + his ponderous tail. ... Their fixed jav’lins in his side he wears, + And on his back a grove of pikes appears.” —_Waller’s Battle of the + Summer Islands_. + + + + “By art is created that great Leviathan, called a Commonwealth or + State—(in Latin, Civitas) which is but an artificial man.” —_Opening + sentence of Hobbes’s Leviathan_. + + “Silly Mansoul swallowed it without chewing, as if it had been a + sprat in the mouth of a whale.” —_Pilgrim’s Progress_. + + + “That sea beast Leviathan, which God of all his works Created hugest + that swim the ocean stream.” —_Paradise Lost_. + + —“There Leviathan, Hugest of living creatures, in the deep Stretched + like a promontory sleeps or swims, And seems a moving land; and at + his gills Draws in, and at his breath spouts out a sea.” —_Ibid_. + + + + “The mighty whales which swim in a sea of water, and have a sea of + oil swimming in them.” —_Fuller’s Profane and Holy State_. + + + “So close behind some promontory lie The huge Leviathan to attend + their prey, And give no chance, but swallow in the fry, Which through + their gaping jaws mistake the way.” —_Dryden’s Annus Mirabilis_. + + + + “While the whale is floating at the stern of the ship, they cut off + his head, and tow it with a boat as near the shore as it will come; + but it will be aground in twelve or thirteen feet water.” —_Thomas + Edge’s Ten Voyages to Spitzbergen, in Purchas_. + + “In their way they saw many whales sporting in the ocean, and in + wantonness fuzzing up the water through their pipes and vents, which + nature has placed on their shoulders.” —_Sir T. Herbert’s Voyages + into Asia and Africa. Harris Coll_. + + “Here they saw such huge troops of whales, that they were forced to + proceed with a great deal of caution for fear they should run their + ship upon them.” —_Schouten’s Sixth Circumnavigation_. + + “We set sail from the Elbe, wind N.E. in the ship called The + Jonas-in-the-Whale.... Some say the whale can’t open his mouth, but + that is a fable.... They frequently climb up the masts to see whether + they can see a whale, for the first discoverer has a ducat for his + pains.... I was told of a whale taken near Shetland, that had above a + barrel of herrings in his belly.... One of our harpooneers told me + that he caught once a whale in Spitzbergen that was white all over.” + —_A Voyage to Greenland, A.D._ 1671. _Harris Coll_. + + “Several whales have come in upon this coast (Fife) Anno 1652, one + eighty feet in length of the whale-bone kind came in, which (as I was + informed), besides a vast quantity of oil, did afford 500 weight of + baleen. The jaws of it stand for a gate in the garden of Pitferren.” + —_Sibbald’s Fife and Kinross_. + + “Myself have agreed to try whether I can master and kill this + Sperma-ceti whale, for I could never hear of any of that sort that + was killed by any man, such is his fierceness and swiftness.” + —_Richard Strafford’s Letter from the Bermudas. Phil. Trans. A.D._ + 1668. + + “Whales in the sea God’s voice obey.” —_N. E. Primer_. + + “We saw also abundance of large whales, there being more in those + southern seas, as I may say, by a hundred to one; than we have to the + northward of us.” —_Captain Cowley’s Voyage round the Globe, A.D._ + 1729. + + “... and the breath of the whale is frequently attended with such an + insupportable smell, as to bring on a disorder of the brain.” + —_Ulloa’s South America_. + + + “To fifty chosen sylphs of special note, We trust the important + charge, the petticoat. Oft have we known that seven-fold fence to + fail, Tho’ stuffed with hoops and armed with ribs of whale.” —_Rape + of the Lock_. + + + + “If we compare land animals in respect to magnitude, with those that + take up their abode in the deep, we shall find they will appear + contemptible in the comparison. The whale is doubtless the largest + animal in creation.” —_Goldsmith, Nat. Hist_. + + “If you should write a fable for little fishes, you would make them + speak like great whales.” —_Goldsmith to Johnson_. + + “In the afternoon we saw what was supposed to be a rock, but it was + found to be a dead whale, which some Asiatics had killed, and were + then towing ashore. They seemed to endeavor to conceal themselves + behind the whale, in order to avoid being seen by us.” —_Cook’s + Voyages_. + + “The larger whales, they seldom venture to attack. They stand in so + great dread of some of them, that when out at sea they are afraid to + mention even their names, and carry dung, lime-stone, juniper-wood, + and some other articles of the same nature in their boats, in order + to terrify and prevent their too near approach.” —_Uno Von Troil’s + Letters on Banks’s and Solander’s Voyage to Iceland in_ 1772. + + “The Spermacetti Whale found by the Nantuckois, is an active, fierce + animal, and requires vast address and boldness in the fishermen.” + —_Thomas Jefferson’s Whale Memorial to the French minister in_ 1778. + + “And pray, sir, what in the world is equal to it?” —_Edmund Burke’s + reference in Parliament to the Nantucket Whale-Fishery_. + + “Spain—a great whale stranded on the shores of Europe.” —_Edmund + Burke_. (_somewhere_.) + + “A tenth branch of the king’s ordinary revenue, said to be grounded + on the consideration of his guarding and protecting the seas from + pirates and robbers, is the right to _royal_ fish, which are whale + and sturgeon. And these, when either thrown ashore or caught near the + coast, are the property of the king.” —_Blackstone_. + + + “Soon to the sport of death the crews repair: Rodmond unerring o’er + his head suspends The barbed steel, and every turn attends.” + —_Falconer’s Shipwreck_. + + “Bright shone the roofs, the domes, the spires, And rockets blew self + driven, To hang their momentary fire Around the vault of heaven. + + “So fire with water to compare, The ocean serves on high, Up-spouted + by a whale in air, To express unwieldy joy.” —_Cowper, on the Queen’s + Visit to London_. + + + + “Ten or fifteen gallons of blood are thrown out of the heart at a + stroke, with immense velocity.” —_John Hunter’s account of the + dissection of a whale_. (_A small sized one_.) + + “The aorta of a whale is larger in the bore than the main pipe of the + water-works at London Bridge, and the water roaring in its passage + through that pipe is inferior in impetus and velocity to the blood + gushing from the whale’s heart.” —_Paley’s Theology_. + + “The whale is a mammiferous animal without hind feet.” —_Baron + Cuvier_. + + “In 40 degrees south, we saw Spermacetti Whales, but did not take any + till the first of May, the sea being then covered with them.” + —_Colnett’s Voyage for the Purpose of Extending the Spermaceti Whale + Fishery_. + + + “In the free element beneath me swam, Floundered and dived, in play, + in chace, in battle, Fishes of every colour, form, and kind; Which + language cannot paint, and mariner Had never seen; from dread + Leviathan To insect millions peopling every wave: Gather’d in shoals + immense, like floating islands, Led by mysterious instincts through + that waste And trackless region, though on every side Assaulted by + voracious enemies, Whales, sharks, and monsters, arm’d in front or + jaw, With swords, saws, spiral horns, or hooked fangs.” + —_Montgomery’s World before the Flood_. + + “Io! Paean! Io! sing. To the finny people’s king. Not a mightier + whale than this In the vast Atlantic is; Not a fatter fish than he, + Flounders round the Polar Sea.” —_Charles Lamb’s Triumph of the + Whale_. + + + + “In the year 1690 some persons were on a high hill observing the + whales spouting and sporting with each other, when one observed: + there—pointing to the sea—is a green pasture where our children’s + grand-children will go for bread.” —_Obed Macy’s History of + Nantucket_. + + “I built a cottage for Susan and myself and made a gateway in the + form of a Gothic Arch, by setting up a whale’s jaw bones.” + —_Hawthorne’s Twice Told Tales_. + + “She came to bespeak a monument for her first love, who had been + killed by a whale in the Pacific ocean, no less than forty years + ago.” —_Ibid_. + + “No, Sir, ’tis a Right Whale,” answered Tom; “I saw his sprout; he + threw up a pair of as pretty rainbows as a Christian would wish to + look at. He’s a raal oil-butt, that fellow!” —_Cooper’s Pilot_. + + “The papers were brought in, and we saw in the Berlin Gazette that + whales had been introduced on the stage there.” —_Eckermann’s + Conversations with Goethe_. + + “My God! Mr. Chace, what is the matter?” I answered, “we have been + stove by a whale.” —“_Narrative of the Shipwreck of the Whale Ship + Essex of Nantucket, which was attacked and finally destroyed by a + large Sperm Whale in the Pacific Ocean_.” _By Owen Chace of + Nantucket, first mate of said vessel. New York_, 1821. + + + “A mariner sat in the shrouds one night, The wind was piping free; + Now bright, now dimmed, was the moonlight pale, And the phospher + gleamed in the wake of the whale, As it floundered in the sea.” + —_Elizabeth Oakes Smith_. + + + + “The quantity of line withdrawn from the boats engaged in the capture + of this one whale, amounted altogether to 10,440 yards or nearly six + English miles.... + + “Sometimes the whale shakes its tremendous tail in the air, which, + cracking like a whip, resounds to the distance of three or four + miles.” —_Scoresby_. + + “Mad with the agonies he endures from these fresh attacks, the + infuriated Sperm Whale rolls over and over; he rears his enormous + head, and with wide expanded jaws snaps at everything around him; he + rushes at the boats with his head; they are propelled before him with + vast swiftness, and sometimes utterly destroyed.... It is a matter of + great astonishment that the consideration of the habits of so + interesting, and, in a commercial point of view, so important an + animal (as the Sperm Whale) should have been so entirely neglected, + or should have excited so little curiosity among the numerous, and + many of them competent observers, that of late years, must have + possessed the most abundant and the most convenient opportunities of + witnessing their habitudes.” —_Thomas Beale’s History of the Sperm + Whale_, 1839. + + “The Cachalot” (Sperm Whale) “is not only better armed than the True + Whale” (Greenland or Right Whale) “in possessing a formidable weapon + at either extremity of its body, but also more frequently displays a + disposition to employ these weapons offensively and in manner at once + so artful, bold, and mischievous, as to lead to its being regarded as + the most dangerous to attack of all the known species of the whale + tribe.” —_Frederick Debell Bennett’s Whaling Voyage Round the Globe_, + 1840. + + + October 13. “There she blows,” was sung out from the mast-head. + “Where away?” demanded the captain. “Three points off the lee bow, + sir.” “Raise up your wheel. Steady!” “Steady, sir.” “Mast-head + ahoy! Do you see that whale now?” “Ay ay, sir! A shoal of Sperm + Whales! There she blows! There she breaches!” “Sing out! sing out + every time!” “Ay Ay, sir! There she blows! there—there—_thar_ she + blows—bowes—bo-o-os!” “How far off?” “Two miles and a half.” “Thunder + and lightning! so near! Call all hands.” —_J. Ross Browne’s Etchings + of a Whaling Cruize_. 1846. + + + + “The Whale-ship Globe, on board of which vessel occurred the horrid + transactions we are about to relate, belonged to the island of + Nantucket.” —“_Narrative of the Globe Mutiny_,” _by Lay and Hussey + survivors. A.D._ 1828. + + Being once pursued by a whale which he had wounded, he parried the + assault for some time with a lance; but the furious monster at length + rushed on the boat; himself and comrades only being preserved by + leaping into the water when they saw the onset was inevitable.” + —_Missionary Journal of Tyerman and Bennett_. + + “Nantucket itself,” said Mr. Webster, “is a very striking and + peculiar portion of the National interest. There is a population of + eight or nine thousand persons living here in the sea, adding largely + every year to the National wealth by the boldest and most persevering + industry.” —_Report of Daniel Webster’s Speech in the U. S. Senate, + on the application for the Erection of a Breakwater at Nantucket_. + 1828. + + “The whale fell directly over him, and probably killed him in a + moment.” —“_The Whale and his Captors, or The Whaleman’s Adventures + and the Whale’s Biography, gathered on the Homeward Cruise of the + Commodore Preble_.” _By Rev. Henry T. Cheever_. + + “If you make the least damn bit of noise,” replied Samuel, “I will + send you to hell.” —_Life of Samuel Comstock_ (_the mutineer_), _by + his brother, William Comstock. Another Version of the whale-ship + Globe narrative_. + + “The voyages of the Dutch and English to the Northern Ocean, in + order, if possible, to discover a passage through it to India, though + they failed of their main object, laid-open the haunts of the whale.” + —_McCulloch’s Commercial Dictionary_. + + “These things are reciprocal; the ball rebounds, only to bound + forward again; for now in laying open the haunts of the whale, the + whalemen seem to have indirectly hit upon new clews to that same + mystic North-West Passage.” —_From_ “_Something_” _unpublished_. + + “It is impossible to meet a whale-ship on the ocean without being + struck by her near appearance. The vessel under short sail, with + look-outs at the mast-heads, eagerly scanning the wide expanse around + them, has a totally different air from those engaged in regular + voyage.” —_Currents and Whaling. U.S. Ex. Ex_. + + “Pedestrians in the vicinity of London and elsewhere may recollect + having seen large curved bones set upright in the earth, either to + form arches over gateways, or entrances to alcoves, and they may + perhaps have been told that these were the ribs of whales.” —_Tales + of a Whale Voyager to the Arctic Ocean_. + + “It was not till the boats returned from the pursuit of these whales, + that the whites saw their ship in bloody possession of the savages + enrolled among the crew.” —_Newspaper Account of the Taking and + Retaking of the Whale-Ship Hobomack_. + + “It is generally well known that out of the crews of Whaling vessels + (American) few ever return in the ships on board of which they + departed.” —_Cruise in a Whale Boat_. + + “Suddenly a mighty mass emerged from the water, and shot up + perpendicularly into the air. It was the whale.” —_Miriam Coffin or + the Whale Fisherman_. + + “The Whale is harpooned to be sure; but bethink you, how you would + manage a powerful unbroken colt, with the mere appliance of a rope + tied to the root of his tail.” —_A Chapter on Whaling in Ribs and + Trucks_. + + “On one occasion I saw two of these monsters (whales) probably male + and female, slowly swimming, one after the other, within less than a + stone’s throw of the shore” (Terra Del Fuego), “over which the beech + tree extended its branches.” —_Darwin’s Voyage of a Naturalist_. + + “‘Stern all!’ exclaimed the mate, as upon turning his head, he saw + the distended jaws of a large Sperm Whale close to the head of the + boat, threatening it with instant destruction;—‘Stern all, for your + lives!’” —_Wharton the Whale Killer_. + + “So be cheery, my lads, let your hearts never fail, While the bold + harpooneer is striking the whale!” —_Nantucket Song_. + + + “Oh, the rare old Whale, mid storm and gale In his ocean home will be + A giant in might, where might is right, And King of the boundless + sea.” —_Whale Song_. + + + + + +CHAPTER 1. Loomings. + +Call me Ishmael. Some years ago—never mind how long precisely—having +little or no money in my purse, and nothing particular to interest me +on shore, I thought I would sail about a little and see the watery part +of the world. It is a way I have of driving off the spleen and +regulating the circulation. Whenever I find myself growing grim about +the mouth; whenever it is a damp, drizzly November in my soul; whenever +I find myself involuntarily pausing before coffin warehouses, and +bringing up the rear of every funeral I meet; and especially whenever +my hypos get such an upper hand of me, that it requires a strong moral +principle to prevent me from deliberately stepping into the street, and +methodically knocking people’s hats off—then, I account it high time to +get to sea as soon as I can. This is my substitute for pistol and ball. +With a philosophical flourish Cato throws himself upon his sword; I +quietly take to the ship. There is nothing surprising in this. If they +but knew it, almost all men in their degree, some time or other, +cherish very nearly the same feelings towards the ocean with me. + +There now is your insular city of the Manhattoes, belted round by +wharves as Indian isles by coral reefs—commerce surrounds it with her +surf. Right and left, the streets take you waterward. Its extreme +downtown is the battery, where that noble mole is washed by waves, and +cooled by breezes, which a few hours previous were out of sight of +land. Look at the crowds of water-gazers there. + +Circumambulate the city of a dreamy Sabbath afternoon. Go from Corlears +Hook to Coenties Slip, and from thence, by Whitehall, northward. What +do you see?—Posted like silent sentinels all around the town, stand +thousands upon thousands of mortal men fixed in ocean reveries. Some +leaning against the spiles; some seated upon the pier-heads; some +looking over the bulwarks of ships from China; some high aloft in the +rigging, as if striving to get a still better seaward peep. But these +are all landsmen; of week days pent up in lath and plaster—tied to +counters, nailed to benches, clinched to desks. How then is this? Are +the green fields gone? What do they here? + +But look! here come more crowds, pacing straight for the water, and +seemingly bound for a dive. Strange! Nothing will content them but the +extremest limit of the land; loitering under the shady lee of yonder +warehouses will not suffice. No. They must get just as nigh the water +as they possibly can without falling in. And there they stand—miles of +them—leagues. Inlanders all, they come from lanes and alleys, streets +and avenues—north, east, south, and west. Yet here they all unite. Tell +me, does the magnetic virtue of the needles of the compasses of all +those ships attract them thither? + +Once more. Say you are in the country; in some high land of lakes. Take +almost any path you please, and ten to one it carries you down in a +dale, and leaves you there by a pool in the stream. There is magic in +it. Let the most absent-minded of men be plunged in his deepest +reveries—stand that man on his legs, set his feet a-going, and he will +infallibly lead you to water, if water there be in all that region. +Should you ever be athirst in the great American desert, try this +experiment, if your caravan happen to be supplied with a metaphysical +professor. Yes, as every one knows, meditation and water are wedded for +ever. + +But here is an artist. He desires to paint you the dreamiest, shadiest, +quietest, most enchanting bit of romantic landscape in all the valley +of the Saco. What is the chief element he employs? There stand his +trees, each with a hollow trunk, as if a hermit and a crucifix were +within; and here sleeps his meadow, and there sleep his cattle; and up +from yonder cottage goes a sleepy smoke. Deep into distant woodlands +winds a mazy way, reaching to overlapping spurs of mountains bathed in +their hill-side blue. But though the picture lies thus tranced, and +though this pine-tree shakes down its sighs like leaves upon this +shepherd’s head, yet all were vain, unless the shepherd’s eye were +fixed upon the magic stream before him. Go visit the Prairies in June, +when for scores on scores of miles you wade knee-deep among +Tiger-lilies—what is the one charm wanting?—Water—there is not a drop +of water there! Were Niagara but a cataract of sand, would you travel +your thousand miles to see it? Why did the poor poet of Tennessee, upon +suddenly receiving two handfuls of silver, deliberate whether to buy +him a coat, which he sadly needed, or invest his money in a pedestrian +trip to Rockaway Beach? Why is almost every robust healthy boy with a +robust healthy soul in him, at some time or other crazy to go to sea? +Why upon your first voyage as a passenger, did you yourself feel such a +mystical vibration, when first told that you and your ship were now out +of sight of land? Why did the old Persians hold the sea holy? Why did +the Greeks give it a separate deity, and own brother of Jove? Surely +all this is not without meaning. And still deeper the meaning of that +story of Narcissus, who because he could not grasp the tormenting, mild +image he saw in the fountain, plunged into it and was drowned. But that +same image, we ourselves see in all rivers and oceans. It is the image +of the ungraspable phantom of life; and this is the key to it all. + +Now, when I say that I am in the habit of going to sea whenever I begin +to grow hazy about the eyes, and begin to be over conscious of my +lungs, I do not mean to have it inferred that I ever go to sea as a +passenger. For to go as a passenger you must needs have a purse, and a +purse is but a rag unless you have something in it. Besides, passengers +get sea-sick—grow quarrelsome—don’t sleep of nights—do not enjoy +themselves much, as a general thing;—no, I never go as a passenger; +nor, though I am something of a salt, do I ever go to sea as a +Commodore, or a Captain, or a Cook. I abandon the glory and distinction +of such offices to those who like them. For my part, I abominate all +honorable respectable toils, trials, and tribulations of every kind +whatsoever. It is quite as much as I can do to take care of myself, +without taking care of ships, barques, brigs, schooners, and what not. +And as for going as cook,—though I confess there is considerable glory +in that, a cook being a sort of officer on ship-board—yet, somehow, I +never fancied broiling fowls;—though once broiled, judiciously +buttered, and judgmatically salted and peppered, there is no one who +will speak more respectfully, not to say reverentially, of a broiled +fowl than I will. It is out of the idolatrous dotings of the old +Egyptians upon broiled ibis and roasted river horse, that you see the +mummies of those creatures in their huge bake-houses the pyramids. + +No, when I go to sea, I go as a simple sailor, right before the mast, +plumb down into the forecastle, aloft there to the royal mast-head. +True, they rather order me about some, and make me jump from spar to +spar, like a grasshopper in a May meadow. And at first, this sort of +thing is unpleasant enough. It touches one’s sense of honor, +particularly if you come of an old established family in the land, the +Van Rensselaers, or Randolphs, or Hardicanutes. And more than all, if +just previous to putting your hand into the tar-pot, you have been +lording it as a country schoolmaster, making the tallest boys stand in +awe of you. The transition is a keen one, I assure you, from a +schoolmaster to a sailor, and requires a strong decoction of Seneca and +the Stoics to enable you to grin and bear it. But even this wears off +in time. + +What of it, if some old hunks of a sea-captain orders me to get a broom +and sweep down the decks? What does that indignity amount to, weighed, +I mean, in the scales of the New Testament? Do you think the archangel +Gabriel thinks anything the less of me, because I promptly and +respectfully obey that old hunks in that particular instance? Who ain’t +a slave? Tell me that. Well, then, however the old sea-captains may +order me about—however they may thump and punch me about, I have the +satisfaction of knowing that it is all right; that everybody else is +one way or other served in much the same way—either in a physical or +metaphysical point of view, that is; and so the universal thump is +passed round, and all hands should rub each other’s shoulder-blades, +and be content. + +Again, I always go to sea as a sailor, because they make a point of +paying me for my trouble, whereas they never pay passengers a single +penny that I ever heard of. On the contrary, passengers themselves must +pay. And there is all the difference in the world between paying and +being paid. The act of paying is perhaps the most uncomfortable +infliction that the two orchard thieves entailed upon us. But _being +paid_,—what will compare with it? The urbane activity with which a man +receives money is really marvellous, considering that we so earnestly +believe money to be the root of all earthly ills, and that on no +account can a monied man enter heaven. Ah! how cheerfully we consign +ourselves to perdition! + +Finally, I always go to sea as a sailor, because of the wholesome +exercise and pure air of the fore-castle deck. For as in this world, +head winds are far more prevalent than winds from astern (that is, if +you never violate the Pythagorean maxim), so for the most part the +Commodore on the quarter-deck gets his atmosphere at second hand from +the sailors on the forecastle. He thinks he breathes it first; but not +so. In much the same way do the commonalty lead their leaders in many +other things, at the same time that the leaders little suspect it. But +wherefore it was that after having repeatedly smelt the sea as a +merchant sailor, I should now take it into my head to go on a whaling +voyage; this the invisible police officer of the Fates, who has the +constant surveillance of me, and secretly dogs me, and influences me in +some unaccountable way—he can better answer than any one else. And, +doubtless, my going on this whaling voyage, formed part of the grand +programme of Providence that was drawn up a long time ago. It came in +as a sort of brief interlude and solo between more extensive +performances. I take it that this part of the bill must have run +something like this: + +“_Grand Contested Election for the Presidency of the United States._ +“WHALING VOYAGE BY ONE ISHMAEL. “BLOODY BATTLE IN AFFGHANISTAN.” + +Though I cannot tell why it was exactly that those stage managers, the +Fates, put me down for this shabby part of a whaling voyage, when +others were set down for magnificent parts in high tragedies, and short +and easy parts in genteel comedies, and jolly parts in farces—though I +cannot tell why this was exactly; yet, now that I recall all the +circumstances, I think I can see a little into the springs and motives +which being cunningly presented to me under various disguises, induced +me to set about performing the part I did, besides cajoling me into the +delusion that it was a choice resulting from my own unbiased freewill +and discriminating judgment. + +Chief among these motives was the overwhelming idea of the great whale +himself. Such a portentous and mysterious monster roused all my +curiosity. Then the wild and distant seas where he rolled his island +bulk; the undeliverable, nameless perils of the whale; these, with all +the attending marvels of a thousand Patagonian sights and sounds, +helped to sway me to my wish. With other men, perhaps, such things +would not have been inducements; but as for me, I am tormented with an +everlasting itch for things remote. I love to sail forbidden seas, and +land on barbarous coasts. Not ignoring what is good, I am quick to +perceive a horror, and could still be social with it—would they let +me—since it is but well to be on friendly terms with all the inmates of +the place one lodges in. + +By reason of these things, then, the whaling voyage was welcome; the +great flood-gates of the wonder-world swung open, and in the wild +conceits that swayed me to my purpose, two and two there floated into +my inmost soul, endless processions of the whale, and, mid most of them +all, one grand hooded phantom, like a snow hill in the air. + + +CHAPTER 2. The Carpet-Bag. + +I stuffed a shirt or two into my old carpet-bag, tucked it under my +arm, and started for Cape Horn and the Pacific. Quitting the good city +of old Manhatto, I duly arrived in New Bedford. It was a Saturday night +in December. Much was I disappointed upon learning that the little +packet for Nantucket had already sailed, and that no way of reaching +that place would offer, till the following Monday. + +As most young candidates for the pains and penalties of whaling stop at +this same New Bedford, thence to embark on their voyage, it may as well +be related that I, for one, had no idea of so doing. For my mind was +made up to sail in no other than a Nantucket craft, because there was a +fine, boisterous something about everything connected with that famous +old island, which amazingly pleased me. Besides though New Bedford has +of late been gradually monopolising the business of whaling, and though +in this matter poor old Nantucket is now much behind her, yet Nantucket +was her great original—the Tyre of this Carthage;—the place where the +first dead American whale was stranded. Where else but from Nantucket +did those aboriginal whalemen, the Red-Men, first sally out in canoes +to give chase to the Leviathan? And where but from Nantucket, too, did +that first adventurous little sloop put forth, partly laden with +imported cobblestones—so goes the story—to throw at the whales, in +order to discover when they were nigh enough to risk a harpoon from the +bowsprit? + +Now having a night, a day, and still another night following before me +in New Bedford, ere I could embark for my destined port, it became a +matter of concernment where I was to eat and sleep meanwhile. It was a +very dubious-looking, nay, a very dark and dismal night, bitingly cold +and cheerless. I knew no one in the place. With anxious grapnels I had +sounded my pocket, and only brought up a few pieces of silver,—So, +wherever you go, Ishmael, said I to myself, as I stood in the middle of +a dreary street shouldering my bag, and comparing the gloom towards the +north with the darkness towards the south—wherever in your wisdom you +may conclude to lodge for the night, my dear Ishmael, be sure to +inquire the price, and don’t be too particular. + +With halting steps I paced the streets, and passed the sign of “The +Crossed Harpoons”—but it looked too expensive and jolly there. Further +on, from the bright red windows of the “Sword-Fish Inn,” there came +such fervent rays, that it seemed to have melted the packed snow and +ice from before the house, for everywhere else the congealed frost lay +ten inches thick in a hard, asphaltic pavement,—rather weary for me, +when I struck my foot against the flinty projections, because from +hard, remorseless service the soles of my boots were in a most +miserable plight. Too expensive and jolly, again thought I, pausing one +moment to watch the broad glare in the street, and hear the sounds of +the tinkling glasses within. But go on, Ishmael, said I at last; don’t +you hear? get away from before the door; your patched boots are +stopping the way. So on I went. I now by instinct followed the streets +that took me waterward, for there, doubtless, were the cheapest, if not +the cheeriest inns. + +Such dreary streets! blocks of blackness, not houses, on either hand, +and here and there a candle, like a candle moving about in a tomb. At +this hour of the night, of the last day of the week, that quarter of +the town proved all but deserted. But presently I came to a smoky light +proceeding from a low, wide building, the door of which stood +invitingly open. It had a careless look, as if it were meant for the +uses of the public; so, entering, the first thing I did was to stumble +over an ash-box in the porch. Ha! thought I, ha, as the flying +particles almost choked me, are these ashes from that destroyed city, +Gomorrah? But “The Crossed Harpoons,” and “The Sword-Fish?”—this, then +must needs be the sign of “The Trap.” However, I picked myself up and +hearing a loud voice within, pushed on and opened a second, interior +door. + +It seemed the great Black Parliament sitting in Tophet. A hundred black +faces turned round in their rows to peer; and beyond, a black Angel of +Doom was beating a book in a pulpit. It was a negro church; and the +preacher’s text was about the blackness of darkness, and the weeping +and wailing and teeth-gnashing there. Ha, Ishmael, muttered I, backing +out, Wretched entertainment at the sign of ‘The Trap!’ + +Moving on, I at last came to a dim sort of light not far from the +docks, and heard a forlorn creaking in the air; and looking up, saw a +swinging sign over the door with a white painting upon it, faintly +representing a tall straight jet of misty spray, and these words +underneath—“The Spouter Inn:—Peter Coffin.” + +Coffin?—Spouter?—Rather ominous in that particular connexion, thought +I. But it is a common name in Nantucket, they say, and I suppose this +Peter here is an emigrant from there. As the light looked so dim, and +the place, for the time, looked quiet enough, and the dilapidated +little wooden house itself looked as if it might have been carted here +from the ruins of some burnt district, and as the swinging sign had a +poverty-stricken sort of creak to it, I thought that here was the very +spot for cheap lodgings, and the best of pea coffee. + +It was a queer sort of place—a gable-ended old house, one side palsied +as it were, and leaning over sadly. It stood on a sharp bleak corner, +where that tempestuous wind Euroclydon kept up a worse howling than +ever it did about poor Paul’s tossed craft. Euroclydon, nevertheless, +is a mighty pleasant zephyr to any one in-doors, with his feet on the +hob quietly toasting for bed. “In judging of that tempestuous wind +called Euroclydon,” says an old writer—of whose works I possess the +only copy extant—“it maketh a marvellous difference, whether thou +lookest out at it from a glass window where the frost is all on the +outside, or whether thou observest it from that sashless window, where +the frost is on both sides, and of which the wight Death is the only +glazier.” True enough, thought I, as this passage occurred to my +mind—old black-letter, thou reasonest well. Yes, these eyes are +windows, and this body of mine is the house. What a pity they didn’t +stop up the chinks and the crannies though, and thrust in a little lint +here and there. But it’s too late to make any improvements now. The +universe is finished; the copestone is on, and the chips were carted +off a million years ago. Poor Lazarus there, chattering his teeth +against the curbstone for his pillow, and shaking off his tatters with +his shiverings, he might plug up both ears with rags, and put a +corn-cob into his mouth, and yet that would not keep out the +tempestuous Euroclydon. Euroclydon! says old Dives, in his red silken +wrapper—(he had a redder one afterwards) pooh, pooh! What a fine frosty +night; how Orion glitters; what northern lights! Let them talk of their +oriental summer climes of everlasting conservatories; give me the +privilege of making my own summer with my own coals. + +But what thinks Lazarus? Can he warm his blue hands by holding them up +to the grand northern lights? Would not Lazarus rather be in Sumatra +than here? Would he not far rather lay him down lengthwise along the +line of the equator; yea, ye gods! go down to the fiery pit itself, in +order to keep out this frost? + +Now, that Lazarus should lie stranded there on the curbstone before the +door of Dives, this is more wonderful than that an iceberg should be +moored to one of the Moluccas. Yet Dives himself, he too lives like a +Czar in an ice palace made of frozen sighs, and being a president of a +temperance society, he only drinks the tepid tears of orphans. + +But no more of this blubbering now, we are going a-whaling, and there +is plenty of that yet to come. Let us scrape the ice from our frosted +feet, and see what sort of a place this “Spouter” may be. + + +CHAPTER 3. The Spouter-Inn. + +Entering that gable-ended Spouter-Inn, you found yourself in a wide, +low, straggling entry with old-fashioned wainscots, reminding one of +the bulwarks of some condemned old craft. On one side hung a very large +oilpainting so thoroughly besmoked, and every way defaced, that in the +unequal crosslights by which you viewed it, it was only by diligent +study and a series of systematic visits to it, and careful inquiry of +the neighbors, that you could any way arrive at an understanding of its +purpose. Such unaccountable masses of shades and shadows, that at first +you almost thought some ambitious young artist, in the time of the New +England hags, had endeavored to delineate chaos bewitched. But by dint +of much and earnest contemplation, and oft repeated ponderings, and +especially by throwing open the little window towards the back of the +entry, you at last come to the conclusion that such an idea, however +wild, might not be altogether unwarranted. + +But what most puzzled and confounded you was a long, limber, +portentous, black mass of something hovering in the centre of the +picture over three blue, dim, perpendicular lines floating in a +nameless yeast. A boggy, soggy, squitchy picture truly, enough to drive +a nervous man distracted. Yet was there a sort of indefinite, +half-attained, unimaginable sublimity about it that fairly froze you to +it, till you involuntarily took an oath with yourself to find out what +that marvellous painting meant. Ever and anon a bright, but, alas, +deceptive idea would dart you through.—It’s the Black Sea in a midnight +gale.—It’s the unnatural combat of the four primal elements.—It’s a +blasted heath.—It’s a Hyperborean winter scene.—It’s the breaking-up of +the icebound stream of Time. But at last all these fancies yielded to +that one portentous something in the picture’s midst. _That_ once found +out, and all the rest were plain. But stop; does it not bear a faint +resemblance to a gigantic fish? even the great leviathan himself? + +In fact, the artist’s design seemed this: a final theory of my own, +partly based upon the aggregated opinions of many aged persons with +whom I conversed upon the subject. The picture represents a Cape-Horner +in a great hurricane; the half-foundered ship weltering there with its +three dismantled masts alone visible; and an exasperated whale, +purposing to spring clean over the craft, is in the enormous act of +impaling himself upon the three mast-heads. + +The opposite wall of this entry was hung all over with a heathenish +array of monstrous clubs and spears. Some were thickly set with +glittering teeth resembling ivory saws; others were tufted with knots +of human hair; and one was sickle-shaped, with a vast handle sweeping +round like the segment made in the new-mown grass by a long-armed +mower. You shuddered as you gazed, and wondered what monstrous cannibal +and savage could ever have gone a death-harvesting with such a hacking, +horrifying implement. Mixed with these were rusty old whaling lances +and harpoons all broken and deformed. Some were storied weapons. With +this once long lance, now wildly elbowed, fifty years ago did Nathan +Swain kill fifteen whales between a sunrise and a sunset. And that +harpoon—so like a corkscrew now—was flung in Javan seas, and run away +with by a whale, years afterwards slain off the Cape of Blanco. The +original iron entered nigh the tail, and, like a restless needle +sojourning in the body of a man, travelled full forty feet, and at last +was found imbedded in the hump. + +Crossing this dusky entry, and on through yon low-arched way—cut +through what in old times must have been a great central chimney with +fireplaces all round—you enter the public room. A still duskier place +is this, with such low ponderous beams above, and such old wrinkled +planks beneath, that you would almost fancy you trod some old craft’s +cockpits, especially of such a howling night, when this corner-anchored +old ark rocked so furiously. On one side stood a long, low, shelf-like +table covered with cracked glass cases, filled with dusty rarities +gathered from this wide world’s remotest nooks. Projecting from the +further angle of the room stands a dark-looking den—the bar—a rude +attempt at a right whale’s head. Be that how it may, there stands the +vast arched bone of the whale’s jaw, so wide, a coach might almost +drive beneath it. Within are shabby shelves, ranged round with old +decanters, bottles, flasks; and in those jaws of swift destruction, +like another cursed Jonah (by which name indeed they called him), +bustles a little withered old man, who, for their money, dearly sells +the sailors deliriums and death. + +Abominable are the tumblers into which he pours his poison. Though true +cylinders without—within, the villanous green goggling glasses +deceitfully tapered downwards to a cheating bottom. Parallel meridians +rudely pecked into the glass, surround these footpads’ goblets. Fill to +_this_ mark, and your charge is but a penny; to _this_ a penny more; +and so on to the full glass—the Cape Horn measure, which you may gulp +down for a shilling. + +Upon entering the place I found a number of young seamen gathered about +a table, examining by a dim light divers specimens of _skrimshander_. I +sought the landlord, and telling him I desired to be accommodated with +a room, received for answer that his house was full—not a bed +unoccupied. “But avast,” he added, tapping his forehead, “you haint no +objections to sharing a harpooneer’s blanket, have ye? I s’pose you are +goin’ a-whalin’, so you’d better get used to that sort of thing.” + +I told him that I never liked to sleep two in a bed; that if I should +ever do so, it would depend upon who the harpooneer might be, and that +if he (the landlord) really had no other place for me, and the +harpooneer was not decidedly objectionable, why rather than wander +further about a strange town on so bitter a night, I would put up with +the half of any decent man’s blanket. + +“I thought so. All right; take a seat. Supper?—you want supper? +Supper’ll be ready directly.” + +I sat down on an old wooden settle, carved all over like a bench on the +Battery. At one end a ruminating tar was still further adorning it with +his jack-knife, stooping over and diligently working away at the space +between his legs. He was trying his hand at a ship under full sail, but +he didn’t make much headway, I thought. + +At last some four or five of us were summoned to our meal in an +adjoining room. It was cold as Iceland—no fire at all—the landlord said +he couldn’t afford it. Nothing but two dismal tallow candles, each in a +winding sheet. We were fain to button up our monkey jackets, and hold +to our lips cups of scalding tea with our half frozen fingers. But the +fare was of the most substantial kind—not only meat and potatoes, but +dumplings; good heavens! dumplings for supper! One young fellow in a +green box coat, addressed himself to these dumplings in a most direful +manner. + +“My boy,” said the landlord, “you’ll have the nightmare to a dead +sartainty.” + +“Landlord,” I whispered, “that aint the harpooneer is it?” + +“Oh, no,” said he, looking a sort of diabolically funny, “the +harpooneer is a dark complexioned chap. He never eats dumplings, he +don’t—he eats nothing but steaks, and he likes ’em rare.” + +“The devil he does,” says I. “Where is that harpooneer? Is he here?” + +“He’ll be here afore long,” was the answer. + +I could not help it, but I began to feel suspicious of this “dark +complexioned” harpooneer. At any rate, I made up my mind that if it so +turned out that we should sleep together, he must undress and get into +bed before I did. + +Supper over, the company went back to the bar-room, when, knowing not +what else to do with myself, I resolved to spend the rest of the +evening as a looker on. + +Presently a rioting noise was heard without. Starting up, the landlord +cried, “That’s the Grampus’s crew. I seed her reported in the offing +this morning; a three years’ voyage, and a full ship. Hurrah, boys; now +we’ll have the latest news from the Feegees.” + +A tramping of sea boots was heard in the entry; the door was flung +open, and in rolled a wild set of mariners enough. Enveloped in their +shaggy watch coats, and with their heads muffled in woollen comforters, +all bedarned and ragged, and their beards stiff with icicles, they +seemed an eruption of bears from Labrador. They had just landed from +their boat, and this was the first house they entered. No wonder, then, +that they made a straight wake for the whale’s mouth—the bar—when the +wrinkled little old Jonah, there officiating, soon poured them out +brimmers all round. One complained of a bad cold in his head, upon +which Jonah mixed him a pitch-like potion of gin and molasses, which he +swore was a sovereign cure for all colds and catarrhs whatsoever, never +mind of how long standing, or whether caught off the coast of Labrador, +or on the weather side of an ice-island. + +The liquor soon mounted into their heads, as it generally does even +with the arrantest topers newly landed from sea, and they began +capering about most obstreperously. + +I observed, however, that one of them held somewhat aloof, and though +he seemed desirous not to spoil the hilarity of his shipmates by his +own sober face, yet upon the whole he refrained from making as much +noise as the rest. This man interested me at once; and since the +sea-gods had ordained that he should soon become my shipmate (though +but a sleeping-partner one, so far as this narrative is concerned), I +will here venture upon a little description of him. He stood full six +feet in height, with noble shoulders, and a chest like a coffer-dam. I +have seldom seen such brawn in a man. His face was deeply brown and +burnt, making his white teeth dazzling by the contrast; while in the +deep shadows of his eyes floated some reminiscences that did not seem +to give him much joy. His voice at once announced that he was a +Southerner, and from his fine stature, I thought he must be one of +those tall mountaineers from the Alleghanian Ridge in Virginia. When +the revelry of his companions had mounted to its height, this man +slipped away unobserved, and I saw no more of him till he became my +comrade on the sea. In a few minutes, however, he was missed by his +shipmates, and being, it seems, for some reason a huge favourite with +them, they raised a cry of “Bulkington! Bulkington! where’s +Bulkington?” and darted out of the house in pursuit of him. + +It was now about nine o’clock, and the room seeming almost +supernaturally quiet after these orgies, I began to congratulate myself +upon a little plan that had occurred to me just previous to the +entrance of the seamen. + +No man prefers to sleep two in a bed. In fact, you would a good deal +rather not sleep with your own brother. I don’t know how it is, but +people like to be private when they are sleeping. And when it comes to +sleeping with an unknown stranger, in a strange inn, in a strange town, +and that stranger a harpooneer, then your objections indefinitely +multiply. Nor was there any earthly reason why I as a sailor should +sleep two in a bed, more than anybody else; for sailors no more sleep +two in a bed at sea, than bachelor Kings do ashore. To be sure they all +sleep together in one apartment, but you have your own hammock, and +cover yourself with your own blanket, and sleep in your own skin. + +The more I pondered over this harpooneer, the more I abominated the +thought of sleeping with him. It was fair to presume that being a +harpooneer, his linen or woollen, as the case might be, would not be of +the tidiest, certainly none of the finest. I began to twitch all over. +Besides, it was getting late, and my decent harpooneer ought to be home +and going bedwards. Suppose now, he should tumble in upon me at +midnight—how could I tell from what vile hole he had been coming? + +“Landlord! I’ve changed my mind about that harpooneer.—I shan’t sleep +with him. I’ll try the bench here.” + +“Just as you please; I’m sorry I can’t spare ye a tablecloth for a +mattress, and it’s a plaguy rough board here”—feeling of the knots and +notches. “But wait a bit, Skrimshander; I’ve got a carpenter’s plane +there in the bar—wait, I say, and I’ll make ye snug enough.” So saying +he procured the plane; and with his old silk handkerchief first dusting +the bench, vigorously set to planing away at my bed, the while grinning +like an ape. The shavings flew right and left; till at last the +plane-iron came bump against an indestructible knot. The landlord was +near spraining his wrist, and I told him for heaven’s sake to quit—the +bed was soft enough to suit me, and I did not know how all the planing +in the world could make eider down of a pine plank. So gathering up the +shavings with another grin, and throwing them into the great stove in +the middle of the room, he went about his business, and left me in a +brown study. + +I now took the measure of the bench, and found that it was a foot too +short; but that could be mended with a chair. But it was a foot too +narrow, and the other bench in the room was about four inches higher +than the planed one—so there was no yoking them. I then placed the +first bench lengthwise along the only clear space against the wall, +leaving a little interval between, for my back to settle down in. But I +soon found that there came such a draught of cold air over me from +under the sill of the window, that this plan would never do at all, +especially as another current from the rickety door met the one from +the window, and both together formed a series of small whirlwinds in +the immediate vicinity of the spot where I had thought to spend the +night. + +The devil fetch that harpooneer, thought I, but stop, couldn’t I steal +a march on him—bolt his door inside, and jump into his bed, not to be +wakened by the most violent knockings? It seemed no bad idea; but upon +second thoughts I dismissed it. For who could tell but what the next +morning, so soon as I popped out of the room, the harpooneer might be +standing in the entry, all ready to knock me down! + +Still, looking round me again, and seeing no possible chance of +spending a sufferable night unless in some other person’s bed, I began +to think that after all I might be cherishing unwarrantable prejudices +against this unknown harpooneer. Thinks I, I’ll wait awhile; he must be +dropping in before long. I’ll have a good look at him then, and perhaps +we may become jolly good bedfellows after all—there’s no telling. + +But though the other boarders kept coming in by ones, twos, and threes, +and going to bed, yet no sign of my harpooneer. + +“Landlord!” said I, “what sort of a chap is he—does he always keep such +late hours?” It was now hard upon twelve o’clock. + +The landlord chuckled again with his lean chuckle, and seemed to be +mightily tickled at something beyond my comprehension. “No,” he +answered, “generally he’s an early bird—airley to bed and airley to +rise—yes, he’s the bird what catches the worm. But to-night he went out +a peddling, you see, and I don’t see what on airth keeps him so late, +unless, may be, he can’t sell his head.” + +“Can’t sell his head?—What sort of a bamboozingly story is this you are +telling me?” getting into a towering rage. “Do you pretend to say, +landlord, that this harpooneer is actually engaged this blessed +Saturday night, or rather Sunday morning, in peddling his head around +this town?” + +“That’s precisely it,” said the landlord, “and I told him he couldn’t +sell it here, the market’s overstocked.” + +“With what?” shouted I. + +“With heads to be sure; ain’t there too many heads in the world?” + +“I tell you what it is, landlord,” said I quite calmly, “you’d better +stop spinning that yarn to me—I’m not green.” + +“May be not,” taking out a stick and whittling a toothpick, “but I +rayther guess you’ll be done _brown_ if that ere harpooneer hears you a +slanderin’ his head.” + +“I’ll break it for him,” said I, now flying into a passion again at +this unaccountable farrago of the landlord’s. + +“It’s broke a’ready,” said he. + +“Broke,” said I—“_broke_, do you mean?” + +“Sartain, and that’s the very reason he can’t sell it, I guess.” + +“Landlord,” said I, going up to him as cool as Mt. Hecla in a +snow-storm—“landlord, stop whittling. You and I must understand one +another, and that too without delay. I come to your house and want a +bed; you tell me you can only give me half a one; that the other half +belongs to a certain harpooneer. And about this harpooneer, whom I have +not yet seen, you persist in telling me the most mystifying and +exasperating stories tending to beget in me an uncomfortable feeling +towards the man whom you design for my bedfellow—a sort of connexion, +landlord, which is an intimate and confidential one in the highest +degree. I now demand of you to speak out and tell me who and what this +harpooneer is, and whether I shall be in all respects safe to spend the +night with him. And in the first place, you will be so good as to unsay +that story about selling his head, which if true I take to be good +evidence that this harpooneer is stark mad, and I’ve no idea of +sleeping with a madman; and you, sir, _you_ I mean, landlord, _you_, +sir, by trying to induce me to do so knowingly, would thereby render +yourself liable to a criminal prosecution.” + +“Wall,” said the landlord, fetching a long breath, “that’s a purty long +sarmon for a chap that rips a little now and then. But be easy, be +easy, this here harpooneer I have been tellin’ you of has just arrived +from the south seas, where he bought up a lot of ’balmed New Zealand +heads (great curios, you know), and he’s sold all on ’em but one, and +that one he’s trying to sell to-night, cause to-morrow’s Sunday, and it +would not do to be sellin’ human heads about the streets when folks is +goin’ to churches. He wanted to, last Sunday, but I stopped him just as +he was goin’ out of the door with four heads strung on a string, for +all the airth like a string of inions.” + +This account cleared up the otherwise unaccountable mystery, and showed +that the landlord, after all, had had no idea of fooling me—but at the +same time what could I think of a harpooneer who stayed out of a +Saturday night clean into the holy Sabbath, engaged in such a cannibal +business as selling the heads of dead idolators? + +“Depend upon it, landlord, that harpooneer is a dangerous man.” + +“He pays reg’lar,” was the rejoinder. “But come, it’s getting dreadful +late, you had better be turning flukes—it’s a nice bed; Sal and me +slept in that ere bed the night we were spliced. There’s plenty of room +for two to kick about in that bed; it’s an almighty big bed that. Why, +afore we give it up, Sal used to put our Sam and little Johnny in the +foot of it. But I got a dreaming and sprawling about one night, and +somehow, Sam got pitched on the floor, and came near breaking his arm. +Arter that, Sal said it wouldn’t do. Come along here, I’ll give ye a +glim in a jiffy;” and so saying he lighted a candle and held it towards +me, offering to lead the way. But I stood irresolute; when looking at a +clock in the corner, he exclaimed “I vum it’s Sunday—you won’t see that +harpooneer to-night; he’s come to anchor somewhere—come along then; +_do_ come; _won’t_ ye come?” + +I considered the matter a moment, and then up stairs we went, and I was +ushered into a small room, cold as a clam, and furnished, sure enough, +with a prodigious bed, almost big enough indeed for any four +harpooneers to sleep abreast. + +“There,” said the landlord, placing the candle on a crazy old sea chest +that did double duty as a wash-stand and centre table; “there, make +yourself comfortable now, and good night to ye.” I turned round from +eyeing the bed, but he had disappeared. + +Folding back the counterpane, I stooped over the bed. Though none of +the most elegant, it yet stood the scrutiny tolerably well. I then +glanced round the room; and besides the bedstead and centre table, +could see no other furniture belonging to the place, but a rude shelf, +the four walls, and a papered fireboard representing a man striking a +whale. Of things not properly belonging to the room, there was a +hammock lashed up, and thrown upon the floor in one corner; also a +large seaman’s bag, containing the harpooneer’s wardrobe, no doubt in +lieu of a land trunk. Likewise, there was a parcel of outlandish bone +fish hooks on the shelf over the fire-place, and a tall harpoon +standing at the head of the bed. + +But what is this on the chest? I took it up, and held it close to the +light, and felt it, and smelt it, and tried every way possible to +arrive at some satisfactory conclusion concerning it. I can compare it +to nothing but a large door mat, ornamented at the edges with little +tinkling tags something like the stained porcupine quills round an +Indian moccasin. There was a hole or slit in the middle of this mat, as +you see the same in South American ponchos. But could it be possible +that any sober harpooneer would get into a door mat, and parade the +streets of any Christian town in that sort of guise? I put it on, to +try it, and it weighed me down like a hamper, being uncommonly shaggy +and thick, and I thought a little damp, as though this mysterious +harpooneer had been wearing it of a rainy day. I went up in it to a bit +of glass stuck against the wall, and I never saw such a sight in my +life. I tore myself out of it in such a hurry that I gave myself a kink +in the neck. + +I sat down on the side of the bed, and commenced thinking about this +head-peddling harpooneer, and his door mat. After thinking some time on +the bed-side, I got up and took off my monkey jacket, and then stood in +the middle of the room thinking. I then took off my coat, and thought a +little more in my shirt sleeves. But beginning to feel very cold now, +half undressed as I was, and remembering what the landlord said about +the harpooneer’s not coming home at all that night, it being so very +late, I made no more ado, but jumped out of my pantaloons and boots, +and then blowing out the light tumbled into bed, and commended myself +to the care of heaven. + +Whether that mattress was stuffed with corn-cobs or broken crockery, +there is no telling, but I rolled about a good deal, and could not +sleep for a long time. At last I slid off into a light doze, and had +pretty nearly made a good offing towards the land of Nod, when I heard +a heavy footfall in the passage, and saw a glimmer of light come into +the room from under the door. + +Lord save me, thinks I, that must be the harpooneer, the infernal +head-peddler. But I lay perfectly still, and resolved not to say a word +till spoken to. Holding a light in one hand, and that identical New +Zealand head in the other, the stranger entered the room, and without +looking towards the bed, placed his candle a good way off from me on +the floor in one corner, and then began working away at the knotted +cords of the large bag I before spoke of as being in the room. I was +all eagerness to see his face, but he kept it averted for some time +while employed in unlacing the bag’s mouth. This accomplished, however, +he turned round—when, good heavens! what a sight! Such a face! It was +of a dark, purplish, yellow colour, here and there stuck over with +large blackish looking squares. Yes, it’s just as I thought, he’s a +terrible bedfellow; he’s been in a fight, got dreadfully cut, and here +he is, just from the surgeon. But at that moment he chanced to turn his +face so towards the light, that I plainly saw they could not be +sticking-plasters at all, those black squares on his cheeks. They were +stains of some sort or other. At first I knew not what to make of this; +but soon an inkling of the truth occurred to me. I remembered a story +of a white man—a whaleman too—who, falling among the cannibals, had +been tattooed by them. I concluded that this harpooneer, in the course +of his distant voyages, must have met with a similar adventure. And +what is it, thought I, after all! It’s only his outside; a man can be +honest in any sort of skin. But then, what to make of his unearthly +complexion, that part of it, I mean, lying round about, and completely +independent of the squares of tattooing. To be sure, it might be +nothing but a good coat of tropical tanning; but I never heard of a hot +sun’s tanning a white man into a purplish yellow one. However, I had +never been in the South Seas; and perhaps the sun there produced these +extraordinary effects upon the skin. Now, while all these ideas were +passing through me like lightning, this harpooneer never noticed me at +all. But, after some difficulty having opened his bag, he commenced +fumbling in it, and presently pulled out a sort of tomahawk, and a +seal-skin wallet with the hair on. Placing these on the old chest in +the middle of the room, he then took the New Zealand head—a ghastly +thing enough—and crammed it down into the bag. He now took off his +hat—a new beaver hat—when I came nigh singing out with fresh surprise. +There was no hair on his head—none to speak of at least—nothing but a +small scalp-knot twisted up on his forehead. His bald purplish head now +looked for all the world like a mildewed skull. Had not the stranger +stood between me and the door, I would have bolted out of it quicker +than ever I bolted a dinner. + +Even as it was, I thought something of slipping out of the window, but +it was the second floor back. I am no coward, but what to make of this +head-peddling purple rascal altogether passed my comprehension. +Ignorance is the parent of fear, and being completely nonplussed and +confounded about the stranger, I confess I was now as much afraid of +him as if it was the devil himself who had thus broken into my room at +the dead of night. In fact, I was so afraid of him that I was not game +enough just then to address him, and demand a satisfactory answer +concerning what seemed inexplicable in him. + +Meanwhile, he continued the business of undressing, and at last showed +his chest and arms. As I live, these covered parts of him were +checkered with the same squares as his face; his back, too, was all +over the same dark squares; he seemed to have been in a Thirty Years’ +War, and just escaped from it with a sticking-plaster shirt. Still +more, his very legs were marked, as if a parcel of dark green frogs +were running up the trunks of young palms. It was now quite plain that +he must be some abominable savage or other shipped aboard of a whaleman +in the South Seas, and so landed in this Christian country. I quaked to +think of it. A peddler of heads too—perhaps the heads of his own +brothers. He might take a fancy to mine—heavens! look at that tomahawk! + +But there was no time for shuddering, for now the savage went about +something that completely fascinated my attention, and convinced me +that he must indeed be a heathen. Going to his heavy grego, or wrapall, +or dreadnaught, which he had previously hung on a chair, he fumbled in +the pockets, and produced at length a curious little deformed image +with a hunch on its back, and exactly the colour of a three days’ old +Congo baby. Remembering the embalmed head, at first I almost thought +that this black manikin was a real baby preserved in some similar +manner. But seeing that it was not at all limber, and that it glistened +a good deal like polished ebony, I concluded that it must be nothing +but a wooden idol, which indeed it proved to be. For now the savage +goes up to the empty fire-place, and removing the papered fire-board, +sets up this little hunch-backed image, like a tenpin, between the +andirons. The chimney jambs and all the bricks inside were very sooty, +so that I thought this fire-place made a very appropriate little shrine +or chapel for his Congo idol. + +I now screwed my eyes hard towards the half hidden image, feeling but +ill at ease meantime—to see what was next to follow. First he takes +about a double handful of shavings out of his grego pocket, and places +them carefully before the idol; then laying a bit of ship biscuit on +top and applying the flame from the lamp, he kindled the shavings into +a sacrificial blaze. Presently, after many hasty snatches into the +fire, and still hastier withdrawals of his fingers (whereby he seemed +to be scorching them badly), he at last succeeded in drawing out the +biscuit; then blowing off the heat and ashes a little, he made a polite +offer of it to the little negro. But the little devil did not seem to +fancy such dry sort of fare at all; he never moved his lips. All these +strange antics were accompanied by still stranger guttural noises from +the devotee, who seemed to be praying in a sing-song or else singing +some pagan psalmody or other, during which his face twitched about in +the most unnatural manner. At last extinguishing the fire, he took the +idol up very unceremoniously, and bagged it again in his grego pocket +as carelessly as if he were a sportsman bagging a dead woodcock. + +All these queer proceedings increased my uncomfortableness, and seeing +him now exhibiting strong symptoms of concluding his business +operations, and jumping into bed with me, I thought it was high time, +now or never, before the light was put out, to break the spell in which +I had so long been bound. + +But the interval I spent in deliberating what to say, was a fatal one. +Taking up his tomahawk from the table, he examined the head of it for +an instant, and then holding it to the light, with his mouth at the +handle, he puffed out great clouds of tobacco smoke. The next moment +the light was extinguished, and this wild cannibal, tomahawk between +his teeth, sprang into bed with me. I sang out, I could not help it +now; and giving a sudden grunt of astonishment he began feeling me. + +Stammering out something, I knew not what, I rolled away from him +against the wall, and then conjured him, whoever or whatever he might +be, to keep quiet, and let me get up and light the lamp again. But his +guttural responses satisfied me at once that he but ill comprehended my +meaning. + +“Who-e debel you?”—he at last said—“you no speak-e, dam-me, I kill-e.” +And so saying the lighted tomahawk began flourishing about me in the +dark. + +“Landlord, for God’s sake, Peter Coffin!” shouted I. “Landlord! Watch! +Coffin! Angels! save me!” + +“Speak-e! tell-ee me who-ee be, or dam-me, I kill-e!” again growled the +cannibal, while his horrid flourishings of the tomahawk scattered the +hot tobacco ashes about me till I thought my linen would get on fire. +But thank heaven, at that moment the landlord came into the room light +in hand, and leaping from the bed I ran up to him. + +“Don’t be afraid now,” said he, grinning again, “Queequeg here wouldn’t +harm a hair of your head.” + +“Stop your grinning,” shouted I, “and why didn’t you tell me that that +infernal harpooneer was a cannibal?” + +“I thought ye know’d it;—didn’t I tell ye, he was a peddlin’ heads +around town?—but turn flukes again and go to sleep. Queequeg, look +here—you sabbee me, I sabbee—you this man sleepe you—you sabbee?” + +“Me sabbee plenty”—grunted Queequeg, puffing away at his pipe and +sitting up in bed. + +“You gettee in,” he added, motioning to me with his tomahawk, and +throwing the clothes to one side. He really did this in not only a +civil but a really kind and charitable way. I stood looking at him a +moment. For all his tattooings he was on the whole a clean, comely +looking cannibal. What’s all this fuss I have been making about, +thought I to myself—the man’s a human being just as I am: he has just +as much reason to fear me, as I have to be afraid of him. Better sleep +with a sober cannibal than a drunken Christian. + +“Landlord,” said I, “tell him to stash his tomahawk there, or pipe, or +whatever you call it; tell him to stop smoking, in short, and I will +turn in with him. But I don’t fancy having a man smoking in bed with +me. It’s dangerous. Besides, I ain’t insured.” + +This being told to Queequeg, he at once complied, and again politely +motioned me to get into bed—rolling over to one side as much as to +say—“I won’t touch a leg of ye.” + +“Good night, landlord,” said I, “you may go.” + +I turned in, and never slept better in my life. + + +CHAPTER 4. The Counterpane. + +Upon waking next morning about daylight, I found Queequeg’s arm thrown +over me in the most loving and affectionate manner. You had almost +thought I had been his wife. The counterpane was of patchwork, full of +odd little parti-coloured squares and triangles; and this arm of his +tattooed all over with an interminable Cretan labyrinth of a figure, no +two parts of which were of one precise shade—owing I suppose to his +keeping his arm at sea unmethodically in sun and shade, his shirt +sleeves irregularly rolled up at various times—this same arm of his, I +say, looked for all the world like a strip of that same patchwork +quilt. Indeed, partly lying on it as the arm did when I first awoke, I +could hardly tell it from the quilt, they so blended their hues +together; and it was only by the sense of weight and pressure that I +could tell that Queequeg was hugging me. + +My sensations were strange. Let me try to explain them. When I was a +child, I well remember a somewhat similar circumstance that befell me; +whether it was a reality or a dream, I never could entirely settle. The +circumstance was this. I had been cutting up some caper or other—I +think it was trying to crawl up the chimney, as I had seen a little +sweep do a few days previous; and my stepmother who, somehow or other, +was all the time whipping me, or sending me to bed supperless,—my +mother dragged me by the legs out of the chimney and packed me off to +bed, though it was only two o’clock in the afternoon of the 21st June, +the longest day in the year in our hemisphere. I felt dreadfully. But +there was no help for it, so up stairs I went to my little room in the +third floor, undressed myself as slowly as possible so as to kill time, +and with a bitter sigh got between the sheets. + +I lay there dismally calculating that sixteen entire hours must elapse +before I could hope for a resurrection. Sixteen hours in bed! the small +of my back ached to think of it. And it was so light too; the sun +shining in at the window, and a great rattling of coaches in the +streets, and the sound of gay voices all over the house. I felt worse +and worse—at last I got up, dressed, and softly going down in my +stockinged feet, sought out my stepmother, and suddenly threw myself at +her feet, beseeching her as a particular favour to give me a good +slippering for my misbehaviour; anything indeed but condemning me to +lie abed such an unendurable length of time. But she was the best and +most conscientious of stepmothers, and back I had to go to my room. For +several hours I lay there broad awake, feeling a great deal worse than +I have ever done since, even from the greatest subsequent misfortunes. +At last I must have fallen into a troubled nightmare of a doze; and +slowly waking from it—half steeped in dreams—I opened my eyes, and the +before sun-lit room was now wrapped in outer darkness. Instantly I felt +a shock running through all my frame; nothing was to be seen, and +nothing was to be heard; but a supernatural hand seemed placed in mine. +My arm hung over the counterpane, and the nameless, unimaginable, +silent form or phantom, to which the hand belonged, seemed closely +seated by my bed-side. For what seemed ages piled on ages, I lay there, +frozen with the most awful fears, not daring to drag away my hand; yet +ever thinking that if I could but stir it one single inch, the horrid +spell would be broken. I knew not how this consciousness at last glided +away from me; but waking in the morning, I shudderingly remembered it +all, and for days and weeks and months afterwards I lost myself in +confounding attempts to explain the mystery. Nay, to this very hour, I +often puzzle myself with it. + +Now, take away the awful fear, and my sensations at feeling the +supernatural hand in mine were very similar, in their strangeness, to +those which I experienced on waking up and seeing Queequeg’s pagan arm +thrown round me. But at length all the past night’s events soberly +recurred, one by one, in fixed reality, and then I lay only alive to +the comical predicament. For though I tried to move his arm—unlock his +bridegroom clasp—yet, sleeping as he was, he still hugged me tightly, +as though naught but death should part us twain. I now strove to rouse +him—“Queequeg!”—but his only answer was a snore. I then rolled over, my +neck feeling as if it were in a horse-collar; and suddenly felt a +slight scratch. Throwing aside the counterpane, there lay the tomahawk +sleeping by the savage’s side, as if it were a hatchet-faced baby. A +pretty pickle, truly, thought I; abed here in a strange house in the +broad day, with a cannibal and a tomahawk! “Queequeg!—in the name of +goodness, Queequeg, wake!” At length, by dint of much wriggling, and +loud and incessant expostulations upon the unbecomingness of his +hugging a fellow male in that matrimonial sort of style, I succeeded in +extracting a grunt; and presently, he drew back his arm, shook himself +all over like a Newfoundland dog just from the water, and sat up in +bed, stiff as a pike-staff, looking at me, and rubbing his eyes as if +he did not altogether remember how I came to be there, though a dim +consciousness of knowing something about me seemed slowly dawning over +him. Meanwhile, I lay quietly eyeing him, having no serious misgivings +now, and bent upon narrowly observing so curious a creature. When, at +last, his mind seemed made up touching the character of his bedfellow, +and he became, as it were, reconciled to the fact; he jumped out upon +the floor, and by certain signs and sounds gave me to understand that, +if it pleased me, he would dress first and then leave me to dress +afterwards, leaving the whole apartment to myself. Thinks I, Queequeg, +under the circumstances, this is a very civilized overture; but, the +truth is, these savages have an innate sense of delicacy, say what you +will; it is marvellous how essentially polite they are. I pay this +particular compliment to Queequeg, because he treated me with so much +civility and consideration, while I was guilty of great rudeness; +staring at him from the bed, and watching all his toilette motions; for +the time my curiosity getting the better of my breeding. Nevertheless, +a man like Queequeg you don’t see every day, he and his ways were well +worth unusual regarding. + +He commenced dressing at top by donning his beaver hat, a very tall +one, by the by, and then—still minus his trowsers—he hunted up his +boots. What under the heavens he did it for, I cannot tell, but his +next movement was to crush himself—boots in hand, and hat on—under the +bed; when, from sundry violent gaspings and strainings, I inferred he +was hard at work booting himself; though by no law of propriety that I +ever heard of, is any man required to be private when putting on his +boots. But Queequeg, do you see, was a creature in the transition +stage—neither caterpillar nor butterfly. He was just enough civilized +to show off his outlandishness in the strangest possible manners. His +education was not yet completed. He was an undergraduate. If he had not +been a small degree civilized, he very probably would not have troubled +himself with boots at all; but then, if he had not been still a savage, +he never would have dreamt of getting under the bed to put them on. At +last, he emerged with his hat very much dented and crushed down over +his eyes, and began creaking and limping about the room, as if, not +being much accustomed to boots, his pair of damp, wrinkled cowhide +ones—probably not made to order either—rather pinched and tormented him +at the first go off of a bitter cold morning. + +Seeing, now, that there were no curtains to the window, and that the +street being very narrow, the house opposite commanded a plain view +into the room, and observing more and more the indecorous figure that +Queequeg made, staving about with little else but his hat and boots on; +I begged him as well as I could, to accelerate his toilet somewhat, and +particularly to get into his pantaloons as soon as possible. He +complied, and then proceeded to wash himself. At that time in the +morning any Christian would have washed his face; but Queequeg, to my +amazement, contented himself with restricting his ablutions to his +chest, arms, and hands. He then donned his waistcoat, and taking up a +piece of hard soap on the wash-stand centre table, dipped it into water +and commenced lathering his face. I was watching to see where he kept +his razor, when lo and behold, he takes the harpoon from the bed +corner, slips out the long wooden stock, unsheathes the head, whets it +a little on his boot, and striding up to the bit of mirror against the +wall, begins a vigorous scraping, or rather harpooning of his cheeks. +Thinks I, Queequeg, this is using Rogers’s best cutlery with a +vengeance. Afterwards I wondered the less at this operation when I came +to know of what fine steel the head of a harpoon is made, and how +exceedingly sharp the long straight edges are always kept. + +The rest of his toilet was soon achieved, and he proudly marched out of +the room, wrapped up in his great pilot monkey jacket, and sporting his +harpoon like a marshal’s baton. + + +CHAPTER 5. Breakfast. + +I quickly followed suit, and descending into the bar-room accosted the +grinning landlord very pleasantly. I cherished no malice towards him, +though he had been skylarking with me not a little in the matter of my +bedfellow. + +However, a good laugh is a mighty good thing, and rather too scarce a +good thing; the more’s the pity. So, if any one man, in his own proper +person, afford stuff for a good joke to anybody, let him not be +backward, but let him cheerfully allow himself to spend and be spent in +that way. And the man that has anything bountifully laughable about +him, be sure there is more in that man than you perhaps think for. + +The bar-room was now full of the boarders who had been dropping in the +night previous, and whom I had not as yet had a good look at. They were +nearly all whalemen; chief mates, and second mates, and third mates, +and sea carpenters, and sea coopers, and sea blacksmiths, and +harpooneers, and ship keepers; a brown and brawny company, with bosky +beards; an unshorn, shaggy set, all wearing monkey jackets for morning +gowns. + +You could pretty plainly tell how long each one had been ashore. This +young fellow’s healthy cheek is like a sun-toasted pear in hue, and +would seem to smell almost as musky; he cannot have been three days +landed from his Indian voyage. That man next him looks a few shades +lighter; you might say a touch of satin wood is in him. In the +complexion of a third still lingers a tropic tawn, but slightly +bleached withal; _he_ doubtless has tarried whole weeks ashore. But who +could show a cheek like Queequeg? which, barred with various tints, +seemed like the Andes’ western slope, to show forth in one array, +contrasting climates, zone by zone. + +“Grub, ho!” now cried the landlord, flinging open a door, and in we +went to breakfast. + +They say that men who have seen the world, thereby become quite at ease +in manner, quite self-possessed in company. Not always, though: +Ledyard, the great New England traveller, and Mungo Park, the Scotch +one; of all men, they possessed the least assurance in the parlor. But +perhaps the mere crossing of Siberia in a sledge drawn by dogs as +Ledyard did, or the taking a long solitary walk on an empty stomach, in +the negro heart of Africa, which was the sum of poor Mungo’s +performances—this kind of travel, I say, may not be the very best mode +of attaining a high social polish. Still, for the most part, that sort +of thing is to be had anywhere. + +These reflections just here are occasioned by the circumstance that +after we were all seated at the table, and I was preparing to hear some +good stories about whaling; to my no small surprise, nearly every man +maintained a profound silence. And not only that, but they looked +embarrassed. Yes, here were a set of sea-dogs, many of whom without the +slightest bashfulness had boarded great whales on the high seas—entire +strangers to them—and duelled them dead without winking; and yet, here +they sat at a social breakfast table—all of the same calling, all of +kindred tastes—looking round as sheepishly at each other as though they +had never been out of sight of some sheepfold among the Green +Mountains. A curious sight; these bashful bears, these timid warrior +whalemen! + +But as for Queequeg—why, Queequeg sat there among them—at the head of +the table, too, it so chanced; as cool as an icicle. To be sure I +cannot say much for his breeding. His greatest admirer could not have +cordially justified his bringing his harpoon into breakfast with him, +and using it there without ceremony; reaching over the table with it, +to the imminent jeopardy of many heads, and grappling the beefsteaks +towards him. But _that_ was certainly very coolly done by him, and +every one knows that in most people’s estimation, to do anything coolly +is to do it genteelly. + +We will not speak of all Queequeg’s peculiarities here; how he eschewed +coffee and hot rolls, and applied his undivided attention to +beefsteaks, done rare. Enough, that when breakfast was over he withdrew +like the rest into the public room, lighted his tomahawk-pipe, and was +sitting there quietly digesting and smoking with his inseparable hat +on, when I sallied out for a stroll. + + +CHAPTER 6. The Street. + +If I had been astonished at first catching a glimpse of so outlandish +an individual as Queequeg circulating among the polite society of a +civilized town, that astonishment soon departed upon taking my first +daylight stroll through the streets of New Bedford. + +In thoroughfares nigh the docks, any considerable seaport will +frequently offer to view the queerest looking nondescripts from foreign +parts. Even in Broadway and Chestnut streets, Mediterranean mariners +will sometimes jostle the affrighted ladies. Regent Street is not +unknown to Lascars and Malays; and at Bombay, in the Apollo Green, live +Yankees have often scared the natives. But New Bedford beats all Water +Street and Wapping. In these last-mentioned haunts you see only +sailors; but in New Bedford, actual cannibals stand chatting at street +corners; savages outright; many of whom yet carry on their bones unholy +flesh. It makes a stranger stare. + +But, besides the Feegeeans, Tongatobooarrs, Erromanggoans, Pannangians, +and Brighggians, and, besides the wild specimens of the whaling-craft +which unheeded reel about the streets, you will see other sights still +more curious, certainly more comical. There weekly arrive in this town +scores of green Vermonters and New Hampshire men, all athirst for gain +and glory in the fishery. They are mostly young, of stalwart frames; +fellows who have felled forests, and now seek to drop the axe and +snatch the whale-lance. Many are as green as the Green Mountains whence +they came. In some things you would think them but a few hours old. +Look there! that chap strutting round the corner. He wears a beaver hat +and swallow-tailed coat, girdled with a sailor-belt and sheath-knife. +Here comes another with a sou’-wester and a bombazine cloak. + +No town-bred dandy will compare with a country-bred one—I mean a +downright bumpkin dandy—a fellow that, in the dog-days, will mow his +two acres in buckskin gloves for fear of tanning his hands. Now when a +country dandy like this takes it into his head to make a distinguished +reputation, and joins the great whale-fishery, you should see the +comical things he does upon reaching the seaport. In bespeaking his +sea-outfit, he orders bell-buttons to his waistcoats; straps to his +canvas trowsers. Ah, poor Hay-Seed! how bitterly will burst those +straps in the first howling gale, when thou art driven, straps, +buttons, and all, down the throat of the tempest. + +But think not that this famous town has only harpooneers, cannibals, +and bumpkins to show her visitors. Not at all. Still New Bedford is a +queer place. Had it not been for us whalemen, that tract of land would +this day perhaps have been in as howling condition as the coast of +Labrador. As it is, parts of her back country are enough to frighten +one, they look so bony. The town itself is perhaps the dearest place to +live in, in all New England. It is a land of oil, true enough: but not +like Canaan; a land, also, of corn and wine. The streets do not run +with milk; nor in the spring-time do they pave them with fresh eggs. +Yet, in spite of this, nowhere in all America will you find more +patrician-like houses; parks and gardens more opulent, than in New +Bedford. Whence came they? how planted upon this once scraggy scoria of +a country? + +Go and gaze upon the iron emblematical harpoons round yonder lofty +mansion, and your question will be answered. Yes; all these brave +houses and flowery gardens came from the Atlantic, Pacific, and Indian +oceans. One and all, they were harpooned and dragged up hither from the +bottom of the sea. Can Herr Alexander perform a feat like that? + +In New Bedford, fathers, they say, give whales for dowers to their +daughters, and portion off their nieces with a few porpoises a-piece. +You must go to New Bedford to see a brilliant wedding; for, they say, +they have reservoirs of oil in every house, and every night recklessly +burn their lengths in spermaceti candles. + +In summer time, the town is sweet to see; full of fine maples—long +avenues of green and gold. And in August, high in air, the beautiful +and bountiful horse-chestnuts, candelabra-wise, proffer the passer-by +their tapering upright cones of congregated blossoms. So omnipotent is +art; which in many a district of New Bedford has superinduced bright +terraces of flowers upon the barren refuse rocks thrown aside at +creation’s final day. + +And the women of New Bedford, they bloom like their own red roses. But +roses only bloom in summer; whereas the fine carnation of their cheeks +is perennial as sunlight in the seventh heavens. Elsewhere match that +bloom of theirs, ye cannot, save in Salem, where they tell me the young +girls breathe such musk, their sailor sweethearts smell them miles off +shore, as though they were drawing nigh the odorous Moluccas instead of +the Puritanic sands. + + +CHAPTER 7. The Chapel. + +In this same New Bedford there stands a Whaleman’s Chapel, and few are +the moody fishermen, shortly bound for the Indian Ocean or Pacific, who +fail to make a Sunday visit to the spot. I am sure that I did not. + +Returning from my first morning stroll, I again sallied out upon this +special errand. The sky had changed from clear, sunny cold, to driving +sleet and mist. Wrapping myself in my shaggy jacket of the cloth called +bearskin, I fought my way against the stubborn storm. Entering, I found +a small scattered congregation of sailors, and sailors’ wives and +widows. A muffled silence reigned, only broken at times by the shrieks +of the storm. Each silent worshipper seemed purposely sitting apart +from the other, as if each silent grief were insular and +incommunicable. The chaplain had not yet arrived; and there these +silent islands of men and women sat steadfastly eyeing several marble +tablets, with black borders, masoned into the wall on either side the +pulpit. Three of them ran something like the following, but I do not +pretend to quote:— + +SACRED TO THE MEMORY OF JOHN TALBOT, Who, at the age of eighteen, was +lost overboard, Near the Isle of Desolation, off Patagonia, _November_ +1_st_, 1836. THIS TABLET Is erected to his Memory BY HIS SISTER. + +SACRED TO THE MEMORY OF ROBERT LONG, WILLIS ELLERY, NATHAN COLEMAN, +WALTER CANNY, SETH MACY, AND SAMUEL GLEIG, Forming one of the boats’ +crews OF THE SHIP ELIZA Who were towed out of sight by a Whale, On the +Off-shore Ground in the PACIFIC, _December_ 31_st_, 1839. THIS MARBLE +Is here placed by their surviving SHIPMATES. + +SACRED TO THE MEMORY OF The late CAPTAIN EZEKIEL HARDY, Who in the bows +of his boat was killed by a Sperm Whale on the coast of Japan, _August_ +3_d_, 1833. THIS TABLET Is erected to his Memory BY HIS WIDOW. + +Shaking off the sleet from my ice-glazed hat and jacket, I seated +myself near the door, and turning sideways was surprised to see +Queequeg near me. Affected by the solemnity of the scene, there was a +wondering gaze of incredulous curiosity in his countenance. This savage +was the only person present who seemed to notice my entrance; because +he was the only one who could not read, and, therefore, was not reading +those frigid inscriptions on the wall. Whether any of the relatives of +the seamen whose names appeared there were now among the congregation, +I knew not; but so many are the unrecorded accidents in the fishery, +and so plainly did several women present wear the countenance if not +the trappings of some unceasing grief, that I feel sure that here +before me were assembled those, in whose unhealing hearts the sight of +those bleak tablets sympathetically caused the old wounds to bleed +afresh. + +Oh! ye whose dead lie buried beneath the green grass; who standing +among flowers can say—here, _here_ lies my beloved; ye know not the +desolation that broods in bosoms like these. What bitter blanks in +those black-bordered marbles which cover no ashes! What despair in +those immovable inscriptions! What deadly voids and unbidden +infidelities in the lines that seem to gnaw upon all Faith, and refuse +resurrections to the beings who have placelessly perished without a +grave. As well might those tablets stand in the cave of Elephanta as +here. + +In what census of living creatures, the dead of mankind are included; +why it is that a universal proverb says of them, that they tell no +tales, though containing more secrets than the Goodwin Sands; how it is +that to his name who yesterday departed for the other world, we prefix +so significant and infidel a word, and yet do not thus entitle him, if +he but embarks for the remotest Indies of this living earth; why the +Life Insurance Companies pay death-forfeitures upon immortals; in what +eternal, unstirring paralysis, and deadly, hopeless trance, yet lies +antique Adam who died sixty round centuries ago; how it is that we +still refuse to be comforted for those who we nevertheless maintain are +dwelling in unspeakable bliss; why all the living so strive to hush all +the dead; wherefore but the rumor of a knocking in a tomb will terrify +a whole city. All these things are not without their meanings. + +But Faith, like a jackal, feeds among the tombs, and even from these +dead doubts she gathers her most vital hope. + +It needs scarcely to be told, with what feelings, on the eve of a +Nantucket voyage, I regarded those marble tablets, and by the murky +light of that darkened, doleful day read the fate of the whalemen who +had gone before me. Yes, Ishmael, the same fate may be thine. But +somehow I grew merry again. Delightful inducements to embark, fine +chance for promotion, it seems—aye, a stove boat will make me an +immortal by brevet. Yes, there is death in this business of whaling—a +speechlessly quick chaotic bundling of a man into Eternity. But what +then? Methinks we have hugely mistaken this matter of Life and Death. +Methinks that what they call my shadow here on earth is my true +substance. Methinks that in looking at things spiritual, we are too +much like oysters observing the sun through the water, and thinking +that thick water the thinnest of air. Methinks my body is but the lees +of my better being. In fact take my body who will, take it I say, it is +not me. And therefore three cheers for Nantucket; and come a stove boat +and stove body when they will, for stave my soul, Jove himself cannot. + + +CHAPTER 8. The Pulpit. + +I had not been seated very long ere a man of a certain venerable +robustness entered; immediately as the storm-pelted door flew back upon +admitting him, a quick regardful eyeing of him by all the congregation, +sufficiently attested that this fine old man was the chaplain. Yes, it +was the famous Father Mapple, so called by the whalemen, among whom he +was a very great favourite. He had been a sailor and a harpooneer in +his youth, but for many years past had dedicated his life to the +ministry. At the time I now write of, Father Mapple was in the hardy +winter of a healthy old age; that sort of old age which seems merging +into a second flowering youth, for among all the fissures of his +wrinkles, there shone certain mild gleams of a newly developing +bloom—the spring verdure peeping forth even beneath February’s snow. No +one having previously heard his history, could for the first time +behold Father Mapple without the utmost interest, because there were +certain engrafted clerical peculiarities about him, imputable to that +adventurous maritime life he had led. When he entered I observed that +he carried no umbrella, and certainly had not come in his carriage, for +his tarpaulin hat ran down with melting sleet, and his great pilot +cloth jacket seemed almost to drag him to the floor with the weight of +the water it had absorbed. However, hat and coat and overshoes were one +by one removed, and hung up in a little space in an adjacent corner; +when, arrayed in a decent suit, he quietly approached the pulpit. + +Like most old fashioned pulpits, it was a very lofty one, and since a +regular stairs to such a height would, by its long angle with the +floor, seriously contract the already small area of the chapel, the +architect, it seemed, had acted upon the hint of Father Mapple, and +finished the pulpit without a stairs, substituting a perpendicular side +ladder, like those used in mounting a ship from a boat at sea. The wife +of a whaling captain had provided the chapel with a handsome pair of +red worsted man-ropes for this ladder, which, being itself nicely +headed, and stained with a mahogany colour, the whole contrivance, +considering what manner of chapel it was, seemed by no means in bad +taste. Halting for an instant at the foot of the ladder, and with both +hands grasping the ornamental knobs of the man-ropes, Father Mapple +cast a look upwards, and then with a truly sailor-like but still +reverential dexterity, hand over hand, mounted the steps as if +ascending the main-top of his vessel. + +The perpendicular parts of this side ladder, as is usually the case +with swinging ones, were of cloth-covered rope, only the rounds were of +wood, so that at every step there was a joint. At my first glimpse of +the pulpit, it had not escaped me that however convenient for a ship, +these joints in the present instance seemed unnecessary. For I was not +prepared to see Father Mapple after gaining the height, slowly turn +round, and stooping over the pulpit, deliberately drag up the ladder +step by step, till the whole was deposited within, leaving him +impregnable in his little Quebec. + +I pondered some time without fully comprehending the reason for this. +Father Mapple enjoyed such a wide reputation for sincerity and +sanctity, that I could not suspect him of courting notoriety by any +mere tricks of the stage. No, thought I, there must be some sober +reason for this thing; furthermore, it must symbolize something unseen. +Can it be, then, that by that act of physical isolation, he signifies +his spiritual withdrawal for the time, from all outward worldly ties +and connexions? Yes, for replenished with the meat and wine of the +word, to the faithful man of God, this pulpit, I see, is a +self-containing stronghold—a lofty Ehrenbreitstein, with a perennial +well of water within the walls. + +But the side ladder was not the only strange feature of the place, +borrowed from the chaplain’s former sea-farings. Between the marble +cenotaphs on either hand of the pulpit, the wall which formed its back +was adorned with a large painting representing a gallant ship beating +against a terrible storm off a lee coast of black rocks and snowy +breakers. But high above the flying scud and dark-rolling clouds, there +floated a little isle of sunlight, from which beamed forth an angel’s +face; and this bright face shed a distinct spot of radiance upon the +ship’s tossed deck, something like that silver plate now inserted into +the Victory’s plank where Nelson fell. “Ah, noble ship,” the angel +seemed to say, “beat on, beat on, thou noble ship, and bear a hardy +helm; for lo! the sun is breaking through; the clouds are rolling +off—serenest azure is at hand.” + +Nor was the pulpit itself without a trace of the same sea-taste that +had achieved the ladder and the picture. Its panelled front was in the +likeness of a ship’s bluff bows, and the Holy Bible rested on a +projecting piece of scroll work, fashioned after a ship’s fiddle-headed +beak. + +What could be more full of meaning?—for the pulpit is ever this earth’s +foremost part; all the rest comes in its rear; the pulpit leads the +world. From thence it is the storm of God’s quick wrath is first +descried, and the bow must bear the earliest brunt. From thence it is +the God of breezes fair or foul is first invoked for favourable winds. +Yes, the world’s a ship on its passage out, and not a voyage complete; +and the pulpit is its prow. + + +CHAPTER 9. The Sermon. + +Father Mapple rose, and in a mild voice of unassuming authority ordered +the scattered people to condense. “Starboard gangway, there! side away +to larboard—larboard gangway to starboard! Midships! midships!” + +There was a low rumbling of heavy sea-boots among the benches, and a +still slighter shuffling of women’s shoes, and all was quiet again, and +every eye on the preacher. + +He paused a little; then kneeling in the pulpit’s bows, folded his +large brown hands across his chest, uplifted his closed eyes, and +offered a prayer so deeply devout that he seemed kneeling and praying +at the bottom of the sea. + +This ended, in prolonged solemn tones, like the continual tolling of a +bell in a ship that is foundering at sea in a fog—in such tones he +commenced reading the following hymn; but changing his manner towards +the concluding stanzas, burst forth with a pealing exultation and joy— + + + “The ribs and terrors in the whale, Arched over me a dismal gloom, + While all God’s sun-lit waves rolled by, And lift me deepening down + to doom. + + “I saw the opening maw of hell, With endless pains and sorrows there; + Which none but they that feel can tell— Oh, I was plunging to + despair. + + “In black distress, I called my God, When I could scarce believe him + mine, He bowed his ear to my complaints— No more the whale did me + confine. + + “With speed he flew to my relief, As on a radiant dolphin borne; + Awful, yet bright, as lightning shone The face of my Deliverer God. + + “My song for ever shall record That terrible, that joyful hour; I + give the glory to my God, His all the mercy and the power.” + + + + +Nearly all joined in singing this hymn, which swelled high above the +howling of the storm. A brief pause ensued; the preacher slowly turned +over the leaves of the Bible, and at last, folding his hand down upon +the proper page, said: “Beloved shipmates, clinch the last verse of the +first chapter of Jonah—‘And God had prepared a great fish to swallow up +Jonah.’” + +“Shipmates, this book, containing only four chapters—four yarns—is one +of the smallest strands in the mighty cable of the Scriptures. Yet what +depths of the soul does Jonah’s deep sealine sound! what a pregnant +lesson to us is this prophet! What a noble thing is that canticle in +the fish’s belly! How billow-like and boisterously grand! We feel the +floods surging over us; we sound with him to the kelpy bottom of the +waters; sea-weed and all the slime of the sea is about us! But _what_ +is this lesson that the book of Jonah teaches? Shipmates, it is a +two-stranded lesson; a lesson to us all as sinful men, and a lesson to +me as a pilot of the living God. As sinful men, it is a lesson to us +all, because it is a story of the sin, hard-heartedness, suddenly +awakened fears, the swift punishment, repentance, prayers, and finally +the deliverance and joy of Jonah. As with all sinners among men, the +sin of this son of Amittai was in his wilful disobedience of the +command of God—never mind now what that command was, or how +conveyed—which he found a hard command. But all the things that God +would have us do are hard for us to do—remember that—and hence, he +oftener commands us than endeavors to persuade. And if we obey God, we +must disobey ourselves; and it is in this disobeying ourselves, wherein +the hardness of obeying God consists. + +“With this sin of disobedience in him, Jonah still further flouts at +God, by seeking to flee from Him. He thinks that a ship made by men +will carry him into countries where God does not reign, but only the +Captains of this earth. He skulks about the wharves of Joppa, and seeks +a ship that’s bound for Tarshish. There lurks, perhaps, a hitherto +unheeded meaning here. By all accounts Tarshish could have been no +other city than the modern Cadiz. That’s the opinion of learned men. +And where is Cadiz, shipmates? Cadiz is in Spain; as far by water, from +Joppa, as Jonah could possibly have sailed in those ancient days, when +the Atlantic was an almost unknown sea. Because Joppa, the modern +Jaffa, shipmates, is on the most easterly coast of the Mediterranean, +the Syrian; and Tarshish or Cadiz more than two thousand miles to the +westward from that, just outside the Straits of Gibraltar. See ye not +then, shipmates, that Jonah sought to flee world-wide from God? +Miserable man! Oh! most contemptible and worthy of all scorn; with +slouched hat and guilty eye, skulking from his God; prowling among the +shipping like a vile burglar hastening to cross the seas. So +disordered, self-condemning is his look, that had there been policemen +in those days, Jonah, on the mere suspicion of something wrong, had +been arrested ere he touched a deck. How plainly he’s a fugitive! no +baggage, not a hat-box, valise, or carpet-bag,—no friends accompany him +to the wharf with their adieux. At last, after much dodging search, he +finds the Tarshish ship receiving the last items of her cargo; and as +he steps on board to see its Captain in the cabin, all the sailors for +the moment desist from hoisting in the goods, to mark the stranger’s +evil eye. Jonah sees this; but in vain he tries to look all ease and +confidence; in vain essays his wretched smile. Strong intuitions of the +man assure the mariners he can be no innocent. In their gamesome but +still serious way, one whispers to the other—“Jack, he’s robbed a +widow;” or, “Joe, do you mark him; he’s a bigamist;” or, “Harry lad, I +guess he’s the adulterer that broke jail in old Gomorrah, or belike, +one of the missing murderers from Sodom.” Another runs to read the bill +that’s stuck against the spile upon the wharf to which the ship is +moored, offering five hundred gold coins for the apprehension of a +parricide, and containing a description of his person. He reads, and +looks from Jonah to the bill; while all his sympathetic shipmates now +crowd round Jonah, prepared to lay their hands upon him. Frighted Jonah +trembles, and summoning all his boldness to his face, only looks so +much the more a coward. He will not confess himself suspected; but that +itself is strong suspicion. So he makes the best of it; and when the +sailors find him not to be the man that is advertised, they let him +pass, and he descends into the cabin. + +“‘Who’s there?’ cries the Captain at his busy desk, hurriedly making +out his papers for the Customs—‘Who’s there?’ Oh! how that harmless +question mangles Jonah! For the instant he almost turns to flee again. +But he rallies. ‘I seek a passage in this ship to Tarshish; how soon +sail ye, sir?’ Thus far the busy Captain had not looked up to Jonah, +though the man now stands before him; but no sooner does he hear that +hollow voice, than he darts a scrutinizing glance. ‘We sail with the +next coming tide,’ at last he slowly answered, still intently eyeing +him. ‘No sooner, sir?’—‘Soon enough for any honest man that goes a +passenger.’ Ha! Jonah, that’s another stab. But he swiftly calls away +the Captain from that scent. ‘I’ll sail with ye,’—he says,—‘the passage +money how much is that?—I’ll pay now.’ For it is particularly written, +shipmates, as if it were a thing not to be overlooked in this history, +‘that he paid the fare thereof’ ere the craft did sail. And taken with +the context, this is full of meaning. + +“Now Jonah’s Captain, shipmates, was one whose discernment detects +crime in any, but whose cupidity exposes it only in the penniless. In +this world, shipmates, sin that pays its way can travel freely, and +without a passport; whereas Virtue, if a pauper, is stopped at all +frontiers. So Jonah’s Captain prepares to test the length of Jonah’s +purse, ere he judge him openly. He charges him thrice the usual sum; +and it’s assented to. Then the Captain knows that Jonah is a fugitive; +but at the same time resolves to help a flight that paves its rear with +gold. Yet when Jonah fairly takes out his purse, prudent suspicions +still molest the Captain. He rings every coin to find a counterfeit. +Not a forger, any way, he mutters; and Jonah is put down for his +passage. ‘Point out my state-room, Sir,’ says Jonah now, ‘I’m +travel-weary; I need sleep.’ ‘Thou lookest like it,’ says the Captain, +‘there’s thy room.’ Jonah enters, and would lock the door, but the lock +contains no key. Hearing him foolishly fumbling there, the Captain +laughs lowly to himself, and mutters something about the doors of +convicts’ cells being never allowed to be locked within. All dressed +and dusty as he is, Jonah throws himself into his berth, and finds the +little state-room ceiling almost resting on his forehead. The air is +close, and Jonah gasps. Then, in that contracted hole, sunk, too, +beneath the ship’s water-line, Jonah feels the heralding presentiment +of that stifling hour, when the whale shall hold him in the smallest of +his bowels’ wards. + +“Screwed at its axis against the side, a swinging lamp slightly +oscillates in Jonah’s room; and the ship, heeling over towards the +wharf with the weight of the last bales received, the lamp, flame and +all, though in slight motion, still maintains a permanent obliquity +with reference to the room; though, in truth, infallibly straight +itself, it but made obvious the false, lying levels among which it +hung. The lamp alarms and frightens Jonah; as lying in his berth his +tormented eyes roll round the place, and this thus far successful +fugitive finds no refuge for his restless glance. But that +contradiction in the lamp more and more appals him. The floor, the +ceiling, and the side, are all awry. ‘Oh! so my conscience hangs in +me!’ he groans, ‘straight upwards, so it burns; but the chambers of my +soul are all in crookedness!’ + +“Like one who after a night of drunken revelry hies to his bed, still +reeling, but with conscience yet pricking him, as the plungings of the +Roman race-horse but so much the more strike his steel tags into him; +as one who in that miserable plight still turns and turns in giddy +anguish, praying God for annihilation until the fit be passed; and at +last amid the whirl of woe he feels, a deep stupor steals over him, as +over the man who bleeds to death, for conscience is the wound, and +there’s naught to staunch it; so, after sore wrestlings in his berth, +Jonah’s prodigy of ponderous misery drags him drowning down to sleep. + +“And now the time of tide has come; the ship casts off her cables; and +from the deserted wharf the uncheered ship for Tarshish, all careening, +glides to sea. That ship, my friends, was the first of recorded +smugglers! the contraband was Jonah. But the sea rebels; he will not +bear the wicked burden. A dreadful storm comes on, the ship is like to +break. But now when the boatswain calls all hands to lighten her; when +boxes, bales, and jars are clattering overboard; when the wind is +shrieking, and the men are yelling, and every plank thunders with +trampling feet right over Jonah’s head; in all this raging tumult, +Jonah sleeps his hideous sleep. He sees no black sky and raging sea, +feels not the reeling timbers, and little hears he or heeds he the far +rush of the mighty whale, which even now with open mouth is cleaving +the seas after him. Aye, shipmates, Jonah was gone down into the sides +of the ship—a berth in the cabin as I have taken it, and was fast +asleep. But the frightened master comes to him, and shrieks in his dead +ear, ‘What meanest thou, O, sleeper! arise!’ Startled from his lethargy +by that direful cry, Jonah staggers to his feet, and stumbling to the +deck, grasps a shroud, to look out upon the sea. But at that moment he +is sprung upon by a panther billow leaping over the bulwarks. Wave +after wave thus leaps into the ship, and finding no speedy vent runs +roaring fore and aft, till the mariners come nigh to drowning while yet +afloat. And ever, as the white moon shows her affrighted face from the +steep gullies in the blackness overhead, aghast Jonah sees the rearing +bowsprit pointing high upward, but soon beat downward again towards the +tormented deep. + +“Terrors upon terrors run shouting through his soul. In all his +cringing attitudes, the God-fugitive is now too plainly known. The +sailors mark him; more and more certain grow their suspicions of him, +and at last, fully to test the truth, by referring the whole matter to +high Heaven, they fall to casting lots, to see for whose cause this +great tempest was upon them. The lot is Jonah’s; that discovered, then +how furiously they mob him with their questions. ‘What is thine +occupation? Whence comest thou? Thy country? What people? But mark now, +my shipmates, the behavior of poor Jonah. The eager mariners but ask +him who he is, and where from; whereas, they not only receive an answer +to those questions, but likewise another answer to a question not put +by them, but the unsolicited answer is forced from Jonah by the hard +hand of God that is upon him. + +“‘I am a Hebrew,’ he cries—and then—‘I fear the Lord the God of Heaven +who hath made the sea and the dry land!’ Fear him, O Jonah? Aye, well +mightest thou fear the Lord God _then!_ Straightway, he now goes on to +make a full confession; whereupon the mariners became more and more +appalled, but still are pitiful. For when Jonah, not yet supplicating +God for mercy, since he but too well knew the darkness of his +deserts,—when wretched Jonah cries out to them to take him and cast him +forth into the sea, for he knew that for _his_ sake this great tempest +was upon them; they mercifully turn from him, and seek by other means +to save the ship. But all in vain; the indignant gale howls louder; +then, with one hand raised invokingly to God, with the other they not +unreluctantly lay hold of Jonah. + +“And now behold Jonah taken up as an anchor and dropped into the sea; +when instantly an oily calmness floats out from the east, and the sea +is still, as Jonah carries down the gale with him, leaving smooth water +behind. He goes down in the whirling heart of such a masterless +commotion that he scarce heeds the moment when he drops seething into +the yawning jaws awaiting him; and the whale shoots-to all his ivory +teeth, like so many white bolts, upon his prison. Then Jonah prayed +unto the Lord out of the fish’s belly. But observe his prayer, and +learn a weighty lesson. For sinful as he is, Jonah does not weep and +wail for direct deliverance. He feels that his dreadful punishment is +just. He leaves all his deliverance to God, contenting himself with +this, that spite of all his pains and pangs, he will still look towards +His holy temple. And here, shipmates, is true and faithful repentance; +not clamorous for pardon, but grateful for punishment. And how pleasing +to God was this conduct in Jonah, is shown in the eventual deliverance +of him from the sea and the whale. Shipmates, I do not place Jonah +before you to be copied for his sin but I do place him before you as a +model for repentance. Sin not; but if you do, take heed to repent of it +like Jonah.” + +While he was speaking these words, the howling of the shrieking, +slanting storm without seemed to add new power to the preacher, who, +when describing Jonah’s sea-storm, seemed tossed by a storm himself. +His deep chest heaved as with a ground-swell; his tossed arms seemed +the warring elements at work; and the thunders that rolled away from +off his swarthy brow, and the light leaping from his eye, made all his +simple hearers look on him with a quick fear that was strange to them. + +There now came a lull in his look, as he silently turned over the +leaves of the Book once more; and, at last, standing motionless, with +closed eyes, for the moment, seemed communing with God and himself. + +But again he leaned over towards the people, and bowing his head lowly, +with an aspect of the deepest yet manliest humility, he spake these +words: + +“Shipmates, God has laid but one hand upon you; both his hands press +upon me. I have read ye by what murky light may be mine the lesson that +Jonah teaches to all sinners; and therefore to ye, and still more to +me, for I am a greater sinner than ye. And now how gladly would I come +down from this mast-head and sit on the hatches there where you sit, +and listen as you listen, while some one of you reads _me_ that other +and more awful lesson which Jonah teaches to _me_, as a pilot of the +living God. How being an anointed pilot-prophet, or speaker of true +things, and bidden by the Lord to sound those unwelcome truths in the +ears of a wicked Nineveh, Jonah, appalled at the hostility he should +raise, fled from his mission, and sought to escape his duty and his God +by taking ship at Joppa. But God is everywhere; Tarshish he never +reached. As we have seen, God came upon him in the whale, and swallowed +him down to living gulfs of doom, and with swift slantings tore him +along ‘into the midst of the seas,’ where the eddying depths sucked him +ten thousand fathoms down, and ‘the weeds were wrapped about his head,’ +and all the watery world of woe bowled over him. Yet even then beyond +the reach of any plummet—‘out of the belly of hell’—when the whale +grounded upon the ocean’s utmost bones, even then, God heard the +engulphed, repenting prophet when he cried. Then God spake unto the +fish; and from the shuddering cold and blackness of the sea, the whale +came breeching up towards the warm and pleasant sun, and all the +delights of air and earth; and ‘vomited out Jonah upon the dry land;’ +when the word of the Lord came a second time; and Jonah, bruised and +beaten—his ears, like two sea-shells, still multitudinously murmuring +of the ocean—Jonah did the Almighty’s bidding. And what was that, +shipmates? To preach the Truth to the face of Falsehood! That was it! + +“This, shipmates, this is that other lesson; and woe to that pilot of +the living God who slights it. Woe to him whom this world charms from +Gospel duty! Woe to him who seeks to pour oil upon the waters when God +has brewed them into a gale! Woe to him who seeks to please rather than +to appal! Woe to him whose good name is more to him than goodness! Woe +to him who, in this world, courts not dishonor! Woe to him who would +not be true, even though to be false were salvation! Yea, woe to him +who, as the great Pilot Paul has it, while preaching to others is +himself a castaway!” + +He dropped and fell away from himself for a moment; then lifting his +face to them again, showed a deep joy in his eyes, as he cried out with +a heavenly enthusiasm,—“But oh! shipmates! on the starboard hand of +every woe, there is a sure delight; and higher the top of that delight, +than the bottom of the woe is deep. Is not the main-truck higher than +the kelson is low? Delight is to him—a far, far upward, and inward +delight—who against the proud gods and commodores of this earth, ever +stands forth his own inexorable self. Delight is to him whose strong +arms yet support him, when the ship of this base treacherous world has +gone down beneath him. Delight is to him, who gives no quarter in the +truth, and kills, burns, and destroys all sin though he pluck it out +from under the robes of Senators and Judges. Delight,—top-gallant +delight is to him, who acknowledges no law or lord, but the Lord his +God, and is only a patriot to heaven. Delight is to him, whom all the +waves of the billows of the seas of the boisterous mob can never shake +from this sure Keel of the Ages. And eternal delight and deliciousness +will be his, who coming to lay him down, can say with his final +breath—O Father!—chiefly known to me by Thy rod—mortal or immortal, +here I die. I have striven to be Thine, more than to be this world’s, +or mine own. Yet this is nothing: I leave eternity to Thee; for what is +man that he should live out the lifetime of his God?” + +He said no more, but slowly waving a benediction, covered his face with +his hands, and so remained kneeling, till all the people had departed, +and he was left alone in the place. + + +CHAPTER 10. A Bosom Friend. + +Returning to the Spouter-Inn from the Chapel, I found Queequeg there +quite alone; he having left the Chapel before the benediction some +time. He was sitting on a bench before the fire, with his feet on the +stove hearth, and in one hand was holding close up to his face that +little negro idol of his; peering hard into its face, and with a +jack-knife gently whittling away at its nose, meanwhile humming to +himself in his heathenish way. + +But being now interrupted, he put up the image; and pretty soon, going +to the table, took up a large book there, and placing it on his lap +began counting the pages with deliberate regularity; at every fiftieth +page—as I fancied—stopping a moment, looking vacantly around him, and +giving utterance to a long-drawn gurgling whistle of astonishment. He +would then begin again at the next fifty; seeming to commence at number +one each time, as though he could not count more than fifty, and it was +only by such a large number of fifties being found together, that his +astonishment at the multitude of pages was excited. + +With much interest I sat watching him. Savage though he was, and +hideously marred about the face—at least to my taste—his countenance +yet had a something in it which was by no means disagreeable. You +cannot hide the soul. Through all his unearthly tattooings, I thought I +saw the traces of a simple honest heart; and in his large, deep eyes, +fiery black and bold, there seemed tokens of a spirit that would dare a +thousand devils. And besides all this, there was a certain lofty +bearing about the Pagan, which even his uncouthness could not +altogether maim. He looked like a man who had never cringed and never +had had a creditor. Whether it was, too, that his head being shaved, +his forehead was drawn out in freer and brighter relief, and looked +more expansive than it otherwise would, this I will not venture to +decide; but certain it was his head was phrenologically an excellent +one. It may seem ridiculous, but it reminded me of General Washington’s +head, as seen in the popular busts of him. It had the same long +regularly graded retreating slope from above the brows, which were +likewise very projecting, like two long promontories thickly wooded on +top. Queequeg was George Washington cannibalistically developed. + +Whilst I was thus closely scanning him, half-pretending meanwhile to be +looking out at the storm from the casement, he never heeded my +presence, never troubled himself with so much as a single glance; but +appeared wholly occupied with counting the pages of the marvellous +book. Considering how sociably we had been sleeping together the night +previous, and especially considering the affectionate arm I had found +thrown over me upon waking in the morning, I thought this indifference +of his very strange. But savages are strange beings; at times you do +not know exactly how to take them. At first they are overawing; their +calm self-collectedness of simplicity seems a Socratic wisdom. I had +noticed also that Queequeg never consorted at all, or but very little, +with the other seamen in the inn. He made no advances whatever; +appeared to have no desire to enlarge the circle of his acquaintances. +All this struck me as mighty singular; yet, upon second thoughts, there +was something almost sublime in it. Here was a man some twenty thousand +miles from home, by the way of Cape Horn, that is—which was the only +way he could get there—thrown among people as strange to him as though +he were in the planet Jupiter; and yet he seemed entirely at his ease; +preserving the utmost serenity; content with his own companionship; +always equal to himself. Surely this was a touch of fine philosophy; +though no doubt he had never heard there was such a thing as that. But, +perhaps, to be true philosophers, we mortals should not be conscious of +so living or so striving. So soon as I hear that such or such a man +gives himself out for a philosopher, I conclude that, like the +dyspeptic old woman, he must have “broken his digester.” + +As I sat there in that now lonely room; the fire burning low, in that +mild stage when, after its first intensity has warmed the air, it then +only glows to be looked at; the evening shades and phantoms gathering +round the casements, and peering in upon us silent, solitary twain; the +storm booming without in solemn swells; I began to be sensible of +strange feelings. I felt a melting in me. No more my splintered heart +and maddened hand were turned against the wolfish world. This soothing +savage had redeemed it. There he sat, his very indifference speaking a +nature in which there lurked no civilized hypocrisies and bland +deceits. Wild he was; a very sight of sights to see; yet I began to +feel myself mysteriously drawn towards him. And those same things that +would have repelled most others, they were the very magnets that thus +drew me. I’ll try a pagan friend, thought I, since Christian kindness +has proved but hollow courtesy. I drew my bench near him, and made some +friendly signs and hints, doing my best to talk with him meanwhile. At +first he little noticed these advances; but presently, upon my +referring to his last night’s hospitalities, he made out to ask me +whether we were again to be bedfellows. I told him yes; whereat I +thought he looked pleased, perhaps a little complimented. + +We then turned over the book together, and I endeavored to explain to +him the purpose of the printing, and the meaning of the few pictures +that were in it. Thus I soon engaged his interest; and from that we +went to jabbering the best we could about the various outer sights to +be seen in this famous town. Soon I proposed a social smoke; and, +producing his pouch and tomahawk, he quietly offered me a puff. And +then we sat exchanging puffs from that wild pipe of his, and keeping it +regularly passing between us. + +If there yet lurked any ice of indifference towards me in the Pagan’s +breast, this pleasant, genial smoke we had, soon thawed it out, and +left us cronies. He seemed to take to me quite as naturally and +unbiddenly as I to him; and when our smoke was over, he pressed his +forehead against mine, clasped me round the waist, and said that +henceforth we were married; meaning, in his country’s phrase, that we +were bosom friends; he would gladly die for me, if need should be. In a +countryman, this sudden flame of friendship would have seemed far too +premature, a thing to be much distrusted; but in this simple savage +those old rules would not apply. + +After supper, and another social chat and smoke, we went to our room +together. He made me a present of his embalmed head; took out his +enormous tobacco wallet, and groping under the tobacco, drew out some +thirty dollars in silver; then spreading them on the table, and +mechanically dividing them into two equal portions, pushed one of them +towards me, and said it was mine. I was going to remonstrate; but he +silenced me by pouring them into my trowsers’ pockets. I let them stay. +He then went about his evening prayers, took out his idol, and removed +the paper fireboard. By certain signs and symptoms, I thought he seemed +anxious for me to join him; but well knowing what was to follow, I +deliberated a moment whether, in case he invited me, I would comply or +otherwise. + +I was a good Christian; born and bred in the bosom of the infallible +Presbyterian Church. How then could I unite with this wild idolator in +worshipping his piece of wood? But what is worship? thought I. Do you +suppose now, Ishmael, that the magnanimous God of heaven and +earth—pagans and all included—can possibly be jealous of an +insignificant bit of black wood? Impossible! But what is worship?—to do +the will of God—_that_ is worship. And what is the will of God?—to do +to my fellow man what I would have my fellow man to do to me—_that_ is +the will of God. Now, Queequeg is my fellow man. And what do I wish +that this Queequeg would do to me? Why, unite with me in my particular +Presbyterian form of worship. Consequently, I must then unite with him +in his; ergo, I must turn idolator. So I kindled the shavings; helped +prop up the innocent little idol; offered him burnt biscuit with +Queequeg; salamed before him twice or thrice; kissed his nose; and that +done, we undressed and went to bed, at peace with our own consciences +and all the world. But we did not go to sleep without some little chat. + +How it is I know not; but there is no place like a bed for confidential +disclosures between friends. Man and wife, they say, there open the +very bottom of their souls to each other; and some old couples often +lie and chat over old times till nearly morning. Thus, then, in our +hearts’ honeymoon, lay I and Queequeg—a cosy, loving pair. + + +CHAPTER 11. Nightgown. + +We had lain thus in bed, chatting and napping at short intervals, and +Queequeg now and then affectionately throwing his brown tattooed legs +over mine, and then drawing them back; so entirely sociable and free +and easy were we; when, at last, by reason of our confabulations, what +little nappishness remained in us altogether departed, and we felt like +getting up again, though day-break was yet some way down the future. + +Yes, we became very wakeful; so much so that our recumbent position +began to grow wearisome, and by little and little we found ourselves +sitting up; the clothes well tucked around us, leaning against the +head-board with our four knees drawn up close together, and our two +noses bending over them, as if our kneepans were warming-pans. We felt +very nice and snug, the more so since it was so chilly out of doors; +indeed out of bed-clothes too, seeing that there was no fire in the +room. The more so, I say, because truly to enjoy bodily warmth, some +small part of you must be cold, for there is no quality in this world +that is not what it is merely by contrast. Nothing exists in itself. If +you flatter yourself that you are all over comfortable, and have been +so a long time, then you cannot be said to be comfortable any more. But +if, like Queequeg and me in the bed, the tip of your nose or the crown +of your head be slightly chilled, why then, indeed, in the general +consciousness you feel most delightfully and unmistakably warm. For +this reason a sleeping apartment should never be furnished with a fire, +which is one of the luxurious discomforts of the rich. For the height +of this sort of deliciousness is to have nothing but the blanket +between you and your snugness and the cold of the outer air. Then there +you lie like the one warm spark in the heart of an arctic crystal. + +We had been sitting in this crouching manner for some time, when all at +once I thought I would open my eyes; for when between sheets, whether +by day or by night, and whether asleep or awake, I have a way of always +keeping my eyes shut, in order the more to concentrate the snugness of +being in bed. Because no man can ever feel his own identity aright +except his eyes be closed; as if darkness were indeed the proper +element of our essences, though light be more congenial to our clayey +part. Upon opening my eyes then, and coming out of my own pleasant and +self-created darkness into the imposed and coarse outer gloom of the +unilluminated twelve-o’clock-at-night, I experienced a disagreeable +revulsion. Nor did I at all object to the hint from Queequeg that +perhaps it were best to strike a light, seeing that we were so wide +awake; and besides he felt a strong desire to have a few quiet puffs +from his Tomahawk. Be it said, that though I had felt such a strong +repugnance to his smoking in the bed the night before, yet see how +elastic our stiff prejudices grow when love once comes to bend them. +For now I liked nothing better than to have Queequeg smoking by me, +even in bed, because he seemed to be full of such serene household joy +then. I no more felt unduly concerned for the landlord’s policy of +insurance. I was only alive to the condensed confidential +comfortableness of sharing a pipe and a blanket with a real friend. +With our shaggy jackets drawn about our shoulders, we now passed the +Tomahawk from one to the other, till slowly there grew over us a blue +hanging tester of smoke, illuminated by the flame of the new-lit lamp. + +Whether it was that this undulating tester rolled the savage away to +far distant scenes, I know not, but he now spoke of his native island; +and, eager to hear his history, I begged him to go on and tell it. He +gladly complied. Though at the time I but ill comprehended not a few of +his words, yet subsequent disclosures, when I had become more familiar +with his broken phraseology, now enable me to present the whole story +such as it may prove in the mere skeleton I give. + + +CHAPTER 12. Biographical. + +Queequeg was a native of Rokovoko, an island far away to the West and +South. It is not down in any map; true places never are. + +When a new-hatched savage running wild about his native woodlands in a +grass clout, followed by the nibbling goats, as if he were a green +sapling; even then, in Queequeg’s ambitious soul, lurked a strong +desire to see something more of Christendom than a specimen whaler or +two. His father was a High Chief, a King; his uncle a High Priest; and +on the maternal side he boasted aunts who were the wives of +unconquerable warriors. There was excellent blood in his veins—royal +stuff; though sadly vitiated, I fear, by the cannibal propensity he +nourished in his untutored youth. + +A Sag Harbor ship visited his father’s bay, and Queequeg sought a +passage to Christian lands. But the ship, having her full complement of +seamen, spurned his suit; and not all the King his father’s influence +could prevail. But Queequeg vowed a vow. Alone in his canoe, he paddled +off to a distant strait, which he knew the ship must pass through when +she quitted the island. On one side was a coral reef; on the other a +low tongue of land, covered with mangrove thickets that grew out into +the water. Hiding his canoe, still afloat, among these thickets, with +its prow seaward, he sat down in the stern, paddle low in hand; and +when the ship was gliding by, like a flash he darted out; gained her +side; with one backward dash of his foot capsized and sank his canoe; +climbed up the chains; and throwing himself at full length upon the +deck, grappled a ring-bolt there, and swore not to let it go, though +hacked in pieces. + +In vain the captain threatened to throw him overboard; suspended a +cutlass over his naked wrists; Queequeg was the son of a King, and +Queequeg budged not. Struck by his desperate dauntlessness, and his +wild desire to visit Christendom, the captain at last relented, and +told him he might make himself at home. But this fine young savage—this +sea Prince of Wales, never saw the Captain’s cabin. They put him down +among the sailors, and made a whaleman of him. But like Czar Peter +content to toil in the shipyards of foreign cities, Queequeg disdained +no seeming ignominy, if thereby he might happily gain the power of +enlightening his untutored countrymen. For at bottom—so he told me—he +was actuated by a profound desire to learn among the Christians, the +arts whereby to make his people still happier than they were; and more +than that, still better than they were. But, alas! the practices of +whalemen soon convinced him that even Christians could be both +miserable and wicked; infinitely more so, than all his father’s +heathens. Arrived at last in old Sag Harbor; and seeing what the +sailors did there; and then going on to Nantucket, and seeing how they +spent their wages in _that_ place also, poor Queequeg gave it up for +lost. Thought he, it’s a wicked world in all meridians; I’ll die a +pagan. + +And thus an old idolator at heart, he yet lived among these Christians, +wore their clothes, and tried to talk their gibberish. Hence the queer +ways about him, though now some time from home. + +By hints, I asked him whether he did not propose going back, and having +a coronation; since he might now consider his father dead and gone, he +being very old and feeble at the last accounts. He answered no, not +yet; and added that he was fearful Christianity, or rather Christians, +had unfitted him for ascending the pure and undefiled throne of thirty +pagan Kings before him. But by and by, he said, he would return,—as +soon as he felt himself baptized again. For the nonce, however, he +proposed to sail about, and sow his wild oats in all four oceans. They +had made a harpooneer of him, and that barbed iron was in lieu of a +sceptre now. + +I asked him what might be his immediate purpose, touching his future +movements. He answered, to go to sea again, in his old vocation. Upon +this, I told him that whaling was my own design, and informed him of my +intention to sail out of Nantucket, as being the most promising port +for an adventurous whaleman to embark from. He at once resolved to +accompany me to that island, ship aboard the same vessel, get into the +same watch, the same boat, the same mess with me, in short to share my +every hap; with both my hands in his, boldly dip into the Potluck of +both worlds. To all this I joyously assented; for besides the affection +I now felt for Queequeg, he was an experienced harpooneer, and as such, +could not fail to be of great usefulness to one, who, like me, was +wholly ignorant of the mysteries of whaling, though well acquainted +with the sea, as known to merchant seamen. + +His story being ended with his pipe’s last dying puff, Queequeg +embraced me, pressed his forehead against mine, and blowing out the +light, we rolled over from each other, this way and that, and very soon +were sleeping. + + +CHAPTER 13. Wheelbarrow. + +Next morning, Monday, after disposing of the embalmed head to a barber, +for a block, I settled my own and comrade’s bill; using, however, my +comrade’s money. The grinning landlord, as well as the boarders, seemed +amazingly tickled at the sudden friendship which had sprung up between +me and Queequeg—especially as Peter Coffin’s cock and bull stories +about him had previously so much alarmed me concerning the very person +whom I now companied with. + +We borrowed a wheelbarrow, and embarking our things, including my own +poor carpet-bag, and Queequeg’s canvas sack and hammock, away we went +down to “the Moss,” the little Nantucket packet schooner moored at the +wharf. As we were going along the people stared; not at Queequeg so +much—for they were used to seeing cannibals like him in their +streets,—but at seeing him and me upon such confidential terms. But we +heeded them not, going along wheeling the barrow by turns, and Queequeg +now and then stopping to adjust the sheath on his harpoon barbs. I +asked him why he carried such a troublesome thing with him ashore, and +whether all whaling ships did not find their own harpoons. To this, in +substance, he replied, that though what I hinted was true enough, yet +he had a particular affection for his own harpoon, because it was of +assured stuff, well tried in many a mortal combat, and deeply intimate +with the hearts of whales. In short, like many inland reapers and +mowers, who go into the farmers’ meadows armed with their own +scythes—though in no wise obliged to furnish them—even so, Queequeg, +for his own private reasons, preferred his own harpoon. + +Shifting the barrow from my hand to his, he told me a funny story about +the first wheelbarrow he had ever seen. It was in Sag Harbor. The +owners of his ship, it seems, had lent him one, in which to carry his +heavy chest to his boarding house. Not to seem ignorant about the +thing—though in truth he was entirely so, concerning the precise way in +which to manage the barrow—Queequeg puts his chest upon it; lashes it +fast; and then shoulders the barrow and marches up the wharf. “Why,” +said I, “Queequeg, you might have known better than that, one would +think. Didn’t the people laugh?” + +Upon this, he told me another story. The people of his island of +Rokovoko, it seems, at their wedding feasts express the fragrant water +of young cocoanuts into a large stained calabash like a punchbowl; and +this punchbowl always forms the great central ornament on the braided +mat where the feast is held. Now a certain grand merchant ship once +touched at Rokovoko, and its commander—from all accounts, a very +stately punctilious gentleman, at least for a sea captain—this +commander was invited to the wedding feast of Queequeg’s sister, a +pretty young princess just turned of ten. Well; when all the wedding +guests were assembled at the bride’s bamboo cottage, this Captain +marches in, and being assigned the post of honor, placed himself over +against the punchbowl, and between the High Priest and his majesty the +King, Queequeg’s father. Grace being said,—for those people have their +grace as well as we—though Queequeg told me that unlike us, who at such +times look downwards to our platters, they, on the contrary, copying +the ducks, glance upwards to the great Giver of all feasts—Grace, I +say, being said, the High Priest opens the banquet by the immemorial +ceremony of the island; that is, dipping his consecrated and +consecrating fingers into the bowl before the blessed beverage +circulates. Seeing himself placed next the Priest, and noting the +ceremony, and thinking himself—being Captain of a ship—as having plain +precedence over a mere island King, especially in the King’s own +house—the Captain coolly proceeds to wash his hands in the +punchbowl;—taking it I suppose for a huge finger-glass. “Now,” said +Queequeg, “what you tink now?—Didn’t our people laugh?” + +At last, passage paid, and luggage safe, we stood on board the +schooner. Hoisting sail, it glided down the Acushnet river. On one +side, New Bedford rose in terraces of streets, their ice-covered trees +all glittering in the clear, cold air. Huge hills and mountains of +casks on casks were piled upon her wharves, and side by side the +world-wandering whale ships lay silent and safely moored at last; while +from others came a sound of carpenters and coopers, with blended noises +of fires and forges to melt the pitch, all betokening that new cruises +were on the start; that one most perilous and long voyage ended, only +begins a second; and a second ended, only begins a third, and so on, +for ever and for aye. Such is the endlessness, yea, the intolerableness +of all earthly effort. + +Gaining the more open water, the bracing breeze waxed fresh; the little +Moss tossed the quick foam from her bows, as a young colt his +snortings. How I snuffed that Tartar air!—how I spurned that turnpike +earth!—that common highway all over dented with the marks of slavish +heels and hoofs; and turned me to admire the magnanimity of the sea +which will permit no records. + +At the same foam-fountain, Queequeg seemed to drink and reel with me. +His dusky nostrils swelled apart; he showed his filed and pointed +teeth. On, on we flew; and our offing gained, the Moss did homage to +the blast; ducked and dived her bows as a slave before the Sultan. +Sideways leaning, we sideways darted; every ropeyarn tingling like a +wire; the two tall masts buckling like Indian canes in land tornadoes. +So full of this reeling scene were we, as we stood by the plunging +bowsprit, that for some time we did not notice the jeering glances of +the passengers, a lubber-like assembly, who marvelled that two fellow +beings should be so companionable; as though a white man were anything +more dignified than a whitewashed negro. But there were some boobies +and bumpkins there, who, by their intense greenness, must have come +from the heart and centre of all verdure. Queequeg caught one of these +young saplings mimicking him behind his back. I thought the bumpkin’s +hour of doom was come. Dropping his harpoon, the brawny savage caught +him in his arms, and by an almost miraculous dexterity and strength, +sent him high up bodily into the air; then slightly tapping his stern +in mid-somerset, the fellow landed with bursting lungs upon his feet, +while Queequeg, turning his back upon him, lighted his tomahawk pipe +and passed it to me for a puff. + +“Capting! Capting!” yelled the bumpkin, running towards that officer; +“Capting, Capting, here’s the devil.” + +“Hallo, _you_ sir,” cried the Captain, a gaunt rib of the sea, stalking +up to Queequeg, “what in thunder do you mean by that? Don’t you know +you might have killed that chap?” + +“What him say?” said Queequeg, as he mildly turned to me. + +“He say,” said I, “that you came near kill-e that man there,” pointing +to the still shivering greenhorn. + +“Kill-e,” cried Queequeg, twisting his tattooed face into an unearthly +expression of disdain, “ah! him bevy small-e fish-e; Queequeg no kill-e +so small-e fish-e; Queequeg kill-e big whale!” + +“Look you,” roared the Captain, “I’ll kill-e _you_, you cannibal, if +you try any more of your tricks aboard here; so mind your eye.” + +But it so happened just then, that it was high time for the Captain to +mind his own eye. The prodigious strain upon the main-sail had parted +the weather-sheet, and the tremendous boom was now flying from side to +side, completely sweeping the entire after part of the deck. The poor +fellow whom Queequeg had handled so roughly, was swept overboard; all +hands were in a panic; and to attempt snatching at the boom to stay it, +seemed madness. It flew from right to left, and back again, almost in +one ticking of a watch, and every instant seemed on the point of +snapping into splinters. Nothing was done, and nothing seemed capable +of being done; those on deck rushed towards the bows, and stood eyeing +the boom as if it were the lower jaw of an exasperated whale. In the +midst of this consternation, Queequeg dropped deftly to his knees, and +crawling under the path of the boom, whipped hold of a rope, secured +one end to the bulwarks, and then flinging the other like a lasso, +caught it round the boom as it swept over his head, and at the next +jerk, the spar was that way trapped, and all was safe. The schooner was +run into the wind, and while the hands were clearing away the stern +boat, Queequeg, stripped to the waist, darted from the side with a long +living arc of a leap. For three minutes or more he was seen swimming +like a dog, throwing his long arms straight out before him, and by +turns revealing his brawny shoulders through the freezing foam. I +looked at the grand and glorious fellow, but saw no one to be saved. +The greenhorn had gone down. Shooting himself perpendicularly from the +water, Queequeg, now took an instant’s glance around him, and seeming +to see just how matters were, dived down and disappeared. A few minutes +more, and he rose again, one arm still striking out, and with the other +dragging a lifeless form. The boat soon picked them up. The poor +bumpkin was restored. All hands voted Queequeg a noble trump; the +captain begged his pardon. From that hour I clove to Queequeg like a +barnacle; yea, till poor Queequeg took his last long dive. + +Was there ever such unconsciousness? He did not seem to think that he +at all deserved a medal from the Humane and Magnanimous Societies. He +only asked for water—fresh water—something to wipe the brine off; that +done, he put on dry clothes, lighted his pipe, and leaning against the +bulwarks, and mildly eyeing those around him, seemed to be saying to +himself—“It’s a mutual, joint-stock world, in all meridians. We +cannibals must help these Christians.” + + +CHAPTER 14. Nantucket. + +Nothing more happened on the passage worthy the mentioning; so, after a +fine run, we safely arrived in Nantucket. + +Nantucket! Take out your map and look at it. See what a real corner of +the world it occupies; how it stands there, away off shore, more lonely +than the Eddystone lighthouse. Look at it—a mere hillock, and elbow of +sand; all beach, without a background. There is more sand there than +you would use in twenty years as a substitute for blotting paper. Some +gamesome wights will tell you that they have to plant weeds there, they +don’t grow naturally; that they import Canada thistles; that they have +to send beyond seas for a spile to stop a leak in an oil cask; that +pieces of wood in Nantucket are carried about like bits of the true +cross in Rome; that people there plant toadstools before their houses, +to get under the shade in summer time; that one blade of grass makes an +oasis, three blades in a day’s walk a prairie; that they wear quicksand +shoes, something like Laplander snow-shoes; that they are so shut up, +belted about, every way inclosed, surrounded, and made an utter island +of by the ocean, that to their very chairs and tables small clams will +sometimes be found adhering, as to the backs of sea turtles. But these +extravaganzas only show that Nantucket is no Illinois. + +Look now at the wondrous traditional story of how this island was +settled by the red-men. Thus goes the legend. In olden times an eagle +swooped down upon the New England coast, and carried off an infant +Indian in his talons. With loud lament the parents saw their child +borne out of sight over the wide waters. They resolved to follow in the +same direction. Setting out in their canoes, after a perilous passage +they discovered the island, and there they found an empty ivory +casket,—the poor little Indian’s skeleton. + +What wonder, then, that these Nantucketers, born on a beach, should +take to the sea for a livelihood! They first caught crabs and quohogs +in the sand; grown bolder, they waded out with nets for mackerel; more +experienced, they pushed off in boats and captured cod; and at last, +launching a navy of great ships on the sea, explored this watery world; +put an incessant belt of circumnavigations round it; peeped in at +Behring’s Straits; and in all seasons and all oceans declared +everlasting war with the mightiest animated mass that has survived the +flood; most monstrous and most mountainous! That Himmalehan, salt-sea +Mastodon, clothed with such portentousness of unconscious power, that +his very panics are more to be dreaded than his most fearless and +malicious assaults! + +And thus have these naked Nantucketers, these sea hermits, issuing from +their ant-hill in the sea, overrun and conquered the watery world like +so many Alexanders; parcelling out among them the Atlantic, Pacific, +and Indian oceans, as the three pirate powers did Poland. Let America +add Mexico to Texas, and pile Cuba upon Canada; let the English +overswarm all India, and hang out their blazing banner from the sun; +two thirds of this terraqueous globe are the Nantucketer’s. For the sea +is his; he owns it, as Emperors own empires; other seamen having but a +right of way through it. Merchant ships are but extension bridges; +armed ones but floating forts; even pirates and privateers, though +following the sea as highwaymen the road, they but plunder other ships, +other fragments of the land like themselves, without seeking to draw +their living from the bottomless deep itself. The Nantucketer, he alone +resides and riots on the sea; he alone, in Bible language, goes down to +it in ships; to and fro ploughing it as his own special plantation. +_There_ is his home; _there_ lies his business, which a Noah’s flood +would not interrupt, though it overwhelmed all the millions in China. +He lives on the sea, as prairie cocks in the prairie; he hides among +the waves, he climbs them as chamois hunters climb the Alps. For years +he knows not the land; so that when he comes to it at last, it smells +like another world, more strangely than the moon would to an Earthsman. +With the landless gull, that at sunset folds her wings and is rocked to +sleep between billows; so at nightfall, the Nantucketer, out of sight +of land, furls his sails, and lays him to his rest, while under his +very pillow rush herds of walruses and whales. + + +CHAPTER 15. Chowder. + +It was quite late in the evening when the little Moss came snugly to +anchor, and Queequeg and I went ashore; so we could attend to no +business that day, at least none but a supper and a bed. The landlord +of the Spouter-Inn had recommended us to his cousin Hosea Hussey of the +Try Pots, whom he asserted to be the proprietor of one of the best kept +hotels in all Nantucket, and moreover he had assured us that Cousin +Hosea, as he called him, was famous for his chowders. In short, he +plainly hinted that we could not possibly do better than try pot-luck +at the Try Pots. But the directions he had given us about keeping a +yellow warehouse on our starboard hand till we opened a white church to +the larboard, and then keeping that on the larboard hand till we made a +corner three points to the starboard, and that done, then ask the first +man we met where the place was: these crooked directions of his very +much puzzled us at first, especially as, at the outset, Queequeg +insisted that the yellow warehouse—our first point of departure—must be +left on the larboard hand, whereas I had understood Peter Coffin to say +it was on the starboard. However, by dint of beating about a little in +the dark, and now and then knocking up a peaceable inhabitant to +inquire the way, we at last came to something which there was no +mistaking. + +Two enormous wooden pots painted black, and suspended by asses’ ears, +swung from the cross-trees of an old top-mast, planted in front of an +old doorway. The horns of the cross-trees were sawed off on the other +side, so that this old top-mast looked not a little like a gallows. +Perhaps I was over sensitive to such impressions at the time, but I +could not help staring at this gallows with a vague misgiving. A sort +of crick was in my neck as I gazed up to the two remaining horns; yes, +_two_ of them, one for Queequeg, and one for me. It’s ominous, thinks +I. A Coffin my Innkeeper upon landing in my first whaling port; +tombstones staring at me in the whalemen’s chapel; and here a gallows! +and a pair of prodigious black pots too! Are these last throwing out +oblique hints touching Tophet? + +I was called from these reflections by the sight of a freckled woman +with yellow hair and a yellow gown, standing in the porch of the inn, +under a dull red lamp swinging there, that looked much like an injured +eye, and carrying on a brisk scolding with a man in a purple woollen +shirt. + +“Get along with ye,” said she to the man, “or I’ll be combing ye!” + +“Come on, Queequeg,” said I, “all right. There’s Mrs. Hussey.” + +And so it turned out; Mr. Hosea Hussey being from home, but leaving +Mrs. Hussey entirely competent to attend to all his affairs. Upon +making known our desires for a supper and a bed, Mrs. Hussey, +postponing further scolding for the present, ushered us into a little +room, and seating us at a table spread with the relics of a recently +concluded repast, turned round to us and said—“Clam or Cod?” + +“What’s that about Cods, ma’am?” said I, with much politeness. + +“Clam or Cod?” she repeated. + +“A clam for supper? a cold clam; is _that_ what you mean, Mrs. Hussey?” +says I, “but that’s a rather cold and clammy reception in the winter +time, ain’t it, Mrs. Hussey?” + +But being in a great hurry to resume scolding the man in the purple +Shirt, who was waiting for it in the entry, and seeming to hear nothing +but the word “clam,” Mrs. Hussey hurried towards an open door leading +to the kitchen, and bawling out “clam for two,” disappeared. + +“Queequeg,” said I, “do you think that we can make out a supper for us +both on one clam?” + +However, a warm savory steam from the kitchen served to belie the +apparently cheerless prospect before us. But when that smoking chowder +came in, the mystery was delightfully explained. Oh, sweet friends! +hearken to me. It was made of small juicy clams, scarcely bigger than +hazel nuts, mixed with pounded ship biscuit, and salted pork cut up +into little flakes; the whole enriched with butter, and plentifully +seasoned with pepper and salt. Our appetites being sharpened by the +frosty voyage, and in particular, Queequeg seeing his favourite fishing +food before him, and the chowder being surpassingly excellent, we +despatched it with great expedition: when leaning back a moment and +bethinking me of Mrs. Hussey’s clam and cod announcement, I thought I +would try a little experiment. Stepping to the kitchen door, I uttered +the word “cod” with great emphasis, and resumed my seat. In a few +moments the savoury steam came forth again, but with a different +flavor, and in good time a fine cod-chowder was placed before us. + +We resumed business; and while plying our spoons in the bowl, thinks I +to myself, I wonder now if this here has any effect on the head? What’s +that stultifying saying about chowder-headed people? “But look, +Queequeg, ain’t that a live eel in your bowl? Where’s your harpoon?” + +Fishiest of all fishy places was the Try Pots, which well deserved its +name; for the pots there were always boiling chowders. Chowder for +breakfast, and chowder for dinner, and chowder for supper, till you +began to look for fish-bones coming through your clothes. The area +before the house was paved with clam-shells. Mrs. Hussey wore a +polished necklace of codfish vertebra; and Hosea Hussey had his account +books bound in superior old shark-skin. There was a fishy flavor to the +milk, too, which I could not at all account for, till one morning +happening to take a stroll along the beach among some fishermen’s +boats, I saw Hosea’s brindled cow feeding on fish remnants, and +marching along the sand with each foot in a cod’s decapitated head, +looking very slip-shod, I assure ye. + +Supper concluded, we received a lamp, and directions from Mrs. Hussey +concerning the nearest way to bed; but, as Queequeg was about to +precede me up the stairs, the lady reached forth her arm, and demanded +his harpoon; she allowed no harpoon in her chambers. “Why not?” said I; +“every true whaleman sleeps with his harpoon—but why not?” “Because +it’s dangerous,” says she. “Ever since young Stiggs coming from that +unfort’nt v’y’ge of his, when he was gone four years and a half, with +only three barrels of _ile_, was found dead in my first floor back, +with his harpoon in his side; ever since then I allow no boarders to +take sich dangerous weepons in their rooms at night. So, Mr. Queequeg” +(for she had learned his name), “I will just take this here iron, and +keep it for you till morning. But the chowder; clam or cod to-morrow +for breakfast, men?” + +“Both,” says I; “and let’s have a couple of smoked herring by way of +variety.” + + +CHAPTER 16. The Ship. + +In bed we concocted our plans for the morrow. But to my surprise and no +small concern, Queequeg now gave me to understand, that he had been +diligently consulting Yojo—the name of his black little god—and Yojo +had told him two or three times over, and strongly insisted upon it +everyway, that instead of our going together among the whaling-fleet in +harbor, and in concert selecting our craft; instead of this, I say, +Yojo earnestly enjoined that the selection of the ship should rest +wholly with me, inasmuch as Yojo purposed befriending us; and, in order +to do so, had already pitched upon a vessel, which, if left to myself, +I, Ishmael, should infallibly light upon, for all the world as though +it had turned out by chance; and in that vessel I must immediately ship +myself, for the present irrespective of Queequeg. + +I have forgotten to mention that, in many things, Queequeg placed great +confidence in the excellence of Yojo’s judgment and surprising forecast +of things; and cherished Yojo with considerable esteem, as a rather +good sort of god, who perhaps meant well enough upon the whole, but in +all cases did not succeed in his benevolent designs. + +Now, this plan of Queequeg’s, or rather Yojo’s, touching the selection +of our craft; I did not like that plan at all. I had not a little +relied upon Queequeg’s sagacity to point out the whaler best fitted to +carry us and our fortunes securely. But as all my remonstrances +produced no effect upon Queequeg, I was obliged to acquiesce; and +accordingly prepared to set about this business with a determined +rushing sort of energy and vigor, that should quickly settle that +trifling little affair. Next morning early, leaving Queequeg shut up +with Yojo in our little bedroom—for it seemed that it was some sort of +Lent or Ramadan, or day of fasting, humiliation, and prayer with +Queequeg and Yojo that day; _how_ it was I never could find out, for, +though I applied myself to it several times, I never could master his +liturgies and XXXIX Articles—leaving Queequeg, then, fasting on his +tomahawk pipe, and Yojo warming himself at his sacrificial fire of +shavings, I sallied out among the shipping. After much prolonged +sauntering and many random inquiries, I learnt that there were three +ships up for three-years’ voyages—The Devil-dam, the Tit-bit, and the +Pequod. _Devil-Dam_, I do not know the origin of; _Tit-bit_ is obvious; +_Pequod_, you will no doubt remember, was the name of a celebrated +tribe of Massachusetts Indians; now extinct as the ancient Medes. I +peered and pryed about the Devil-dam; from her, hopped over to the +Tit-bit; and finally, going on board the Pequod, looked around her for +a moment, and then decided that this was the very ship for us. + +You may have seen many a quaint craft in your day, for aught I +know;—square-toed luggers; mountainous Japanese junks; butter-box +galliots, and what not; but take my word for it, you never saw such a +rare old craft as this same rare old Pequod. She was a ship of the old +school, rather small if anything; with an old-fashioned claw-footed +look about her. Long seasoned and weather-stained in the typhoons and +calms of all four oceans, her old hull’s complexion was darkened like a +French grenadier’s, who has alike fought in Egypt and Siberia. Her +venerable bows looked bearded. Her masts—cut somewhere on the coast of +Japan, where her original ones were lost overboard in a gale—her masts +stood stiffly up like the spines of the three old kings of Cologne. Her +ancient decks were worn and wrinkled, like the pilgrim-worshipped +flag-stone in Canterbury Cathedral where Becket bled. But to all these +her old antiquities, were added new and marvellous features, pertaining +to the wild business that for more than half a century she had +followed. Old Captain Peleg, many years her chief-mate, before he +commanded another vessel of his own, and now a retired seaman, and one +of the principal owners of the Pequod,—this old Peleg, during the term +of his chief-mateship, had built upon her original grotesqueness, and +inlaid it, all over, with a quaintness both of material and device, +unmatched by anything except it be Thorkill-Hake’s carved buckler or +bedstead. She was apparelled like any barbaric Ethiopian emperor, his +neck heavy with pendants of polished ivory. She was a thing of +trophies. A cannibal of a craft, tricking herself forth in the chased +bones of her enemies. All round, her unpanelled, open bulwarks were +garnished like one continuous jaw, with the long sharp teeth of the +sperm whale, inserted there for pins, to fasten her old hempen thews +and tendons to. Those thews ran not through base blocks of land wood, +but deftly travelled over sheaves of sea-ivory. Scorning a turnstile +wheel at her reverend helm, she sported there a tiller; and that tiller +was in one mass, curiously carved from the long narrow lower jaw of her +hereditary foe. The helmsman who steered by that tiller in a tempest, +felt like the Tartar, when he holds back his fiery steed by clutching +its jaw. A noble craft, but somehow a most melancholy! All noble things +are touched with that. + +Now when I looked about the quarter-deck, for some one having +authority, in order to propose myself as a candidate for the voyage, at +first I saw nobody; but I could not well overlook a strange sort of +tent, or rather wigwam, pitched a little behind the main-mast. It +seemed only a temporary erection used in port. It was of a conical +shape, some ten feet high; consisting of the long, huge slabs of limber +black bone taken from the middle and highest part of the jaws of the +right-whale. Planted with their broad ends on the deck, a circle of +these slabs laced together, mutually sloped towards each other, and at +the apex united in a tufted point, where the loose hairy fibres waved +to and fro like the top-knot on some old Pottowottamie Sachem’s head. A +triangular opening faced towards the bows of the ship, so that the +insider commanded a complete view forward. + +And half concealed in this queer tenement, I at length found one who by +his aspect seemed to have authority; and who, it being noon, and the +ship’s work suspended, was now enjoying respite from the burden of +command. He was seated on an old-fashioned oaken chair, wriggling all +over with curious carving; and the bottom of which was formed of a +stout interlacing of the same elastic stuff of which the wigwam was +constructed. + +There was nothing so very particular, perhaps, about the appearance of +the elderly man I saw; he was brown and brawny, like most old seamen, +and heavily rolled up in blue pilot-cloth, cut in the Quaker style; +only there was a fine and almost microscopic net-work of the minutest +wrinkles interlacing round his eyes, which must have arisen from his +continual sailings in many hard gales, and always looking to +windward;—for this causes the muscles about the eyes to become pursed +together. Such eye-wrinkles are very effectual in a scowl. + +“Is this the Captain of the Pequod?” said I, advancing to the door of +the tent. + +“Supposing it be the captain of the Pequod, what dost thou want of +him?” he demanded. + +“I was thinking of shipping.” + +“Thou wast, wast thou? I see thou art no Nantucketer—ever been in a +stove boat?” + +“No, Sir, I never have.” + +“Dost know nothing at all about whaling, I dare say—eh? + +“Nothing, Sir; but I have no doubt I shall soon learn. I’ve been +several voyages in the merchant service, and I think that—” + +“Merchant service be damned. Talk not that lingo to me. Dost see that +leg?—I’ll take that leg away from thy stern, if ever thou talkest of +the marchant service to me again. Marchant service indeed! I suppose +now ye feel considerable proud of having served in those marchant +ships. But flukes! man, what makes thee want to go a whaling, eh?—it +looks a little suspicious, don’t it, eh?—Hast not been a pirate, hast +thou?—Didst not rob thy last Captain, didst thou?—Dost not think of +murdering the officers when thou gettest to sea?” + +I protested my innocence of these things. I saw that under the mask of +these half humorous innuendoes, this old seaman, as an insulated +Quakerish Nantucketer, was full of his insular prejudices, and rather +distrustful of all aliens, unless they hailed from Cape Cod or the +Vineyard. + +“But what takes thee a-whaling? I want to know that before I think of +shipping ye.” + +“Well, sir, I want to see what whaling is. I want to see the world.” + +“Want to see what whaling is, eh? Have ye clapped eye on Captain Ahab?” + +“Who is Captain Ahab, sir?” + +“Aye, aye, I thought so. Captain Ahab is the Captain of this ship.” + +“I am mistaken then. I thought I was speaking to the Captain himself.” + +“Thou art speaking to Captain Peleg—that’s who ye are speaking to, +young man. It belongs to me and Captain Bildad to see the Pequod fitted +out for the voyage, and supplied with all her needs, including crew. We +are part owners and agents. But as I was going to say, if thou wantest +to know what whaling is, as thou tellest ye do, I can put ye in a way +of finding it out before ye bind yourself to it, past backing out. Clap +eye on Captain Ahab, young man, and thou wilt find that he has only one +leg.” + +“What do you mean, sir? Was the other one lost by a whale?” + +“Lost by a whale! Young man, come nearer to me: it was devoured, chewed +up, crunched by the monstrousest parmacetty that ever chipped a +boat!—ah, ah!” + +I was a little alarmed by his energy, perhaps also a little touched at +the hearty grief in his concluding exclamation, but said as calmly as I +could, “What you say is no doubt true enough, sir; but how could I know +there was any peculiar ferocity in that particular whale, though indeed +I might have inferred as much from the simple fact of the accident.” + +“Look ye now, young man, thy lungs are a sort of soft, d’ye see; thou +dost not talk shark a bit. _Sure_, ye’ve been to sea before now; sure +of that?” + +“Sir,” said I, “I thought I told you that I had been four voyages in +the merchant—” + +“Hard down out of that! Mind what I said about the marchant +service—don’t aggravate me—I won’t have it. But let us understand each +other. I have given thee a hint about what whaling is; do ye yet feel +inclined for it?” + +“I do, sir.” + +“Very good. Now, art thou the man to pitch a harpoon down a live +whale’s throat, and then jump after it? Answer, quick!” + +“I am, sir, if it should be positively indispensable to do so; not to +be got rid of, that is; which I don’t take to be the fact.” + +“Good again. Now then, thou not only wantest to go a-whaling, to find +out by experience what whaling is, but ye also want to go in order to +see the world? Was not that what ye said? I thought so. Well then, just +step forward there, and take a peep over the weather-bow, and then back +to me and tell me what ye see there.” + +For a moment I stood a little puzzled by this curious request, not +knowing exactly how to take it, whether humorously or in earnest. But +concentrating all his crow’s feet into one scowl, Captain Peleg started +me on the errand. + +Going forward and glancing over the weather bow, I perceived that the +ship swinging to her anchor with the flood-tide, was now obliquely +pointing towards the open ocean. The prospect was unlimited, but +exceedingly monotonous and forbidding; not the slightest variety that I +could see. + +“Well, what’s the report?” said Peleg when I came back; “what did ye +see?” + +“Not much,” I replied—“nothing but water; considerable horizon though, +and there’s a squall coming up, I think.” + +“Well, what does thou think then of seeing the world? Do ye wish to go +round Cape Horn to see any more of it, eh? Can’t ye see the world where +you stand?” + +I was a little staggered, but go a-whaling I must, and I would; and the +Pequod was as good a ship as any—I thought the best—and all this I now +repeated to Peleg. Seeing me so determined, he expressed his +willingness to ship me. + +“And thou mayest as well sign the papers right off,” he added—“come +along with ye.” And so saying, he led the way below deck into the +cabin. + +Seated on the transom was what seemed to me a most uncommon and +surprising figure. It turned out to be Captain Bildad, who along with +Captain Peleg was one of the largest owners of the vessel; the other +shares, as is sometimes the case in these ports, being held by a crowd +of old annuitants; widows, fatherless children, and chancery wards; +each owning about the value of a timber head, or a foot of plank, or a +nail or two in the ship. People in Nantucket invest their money in +whaling vessels, the same way that you do yours in approved state +stocks bringing in good interest. + +Now, Bildad, like Peleg, and indeed many other Nantucketers, was a +Quaker, the island having been originally settled by that sect; and to +this day its inhabitants in general retain in an uncommon measure the +peculiarities of the Quaker, only variously and anomalously modified by +things altogether alien and heterogeneous. For some of these same +Quakers are the most sanguinary of all sailors and whale-hunters. They +are fighting Quakers; they are Quakers with a vengeance. + +So that there are instances among them of men, who, named with +Scripture names—a singularly common fashion on the island—and in +childhood naturally imbibing the stately dramatic thee and thou of the +Quaker idiom; still, from the audacious, daring, and boundless +adventure of their subsequent lives, strangely blend with these +unoutgrown peculiarities, a thousand bold dashes of character, not +unworthy a Scandinavian sea-king, or a poetical Pagan Roman. And when +these things unite in a man of greatly superior natural force, with a +globular brain and a ponderous heart; who has also by the stillness and +seclusion of many long night-watches in the remotest waters, and +beneath constellations never seen here at the north, been led to think +untraditionally and independently; receiving all nature’s sweet or +savage impressions fresh from her own virgin voluntary and confiding +breast, and thereby chiefly, but with some help from accidental +advantages, to learn a bold and nervous lofty language—that man makes +one in a whole nation’s census—a mighty pageant creature, formed for +noble tragedies. Nor will it at all detract from him, dramatically +regarded, if either by birth or other circumstances, he have what seems +a half wilful overruling morbidness at the bottom of his nature. For +all men tragically great are made so through a certain morbidness. Be +sure of this, O young ambition, all mortal greatness is but disease. +But, as yet we have not to do with such an one, but with quite another; +and still a man, who, if indeed peculiar, it only results again from +another phase of the Quaker, modified by individual circumstances. + +Like Captain Peleg, Captain Bildad was a well-to-do, retired whaleman. +But unlike Captain Peleg—who cared not a rush for what are called +serious things, and indeed deemed those self-same serious things the +veriest of all trifles—Captain Bildad had not only been originally +educated according to the strictest sect of Nantucket Quakerism, but +all his subsequent ocean life, and the sight of many unclad, lovely +island creatures, round the Horn—all that had not moved this native +born Quaker one single jot, had not so much as altered one angle of his +vest. Still, for all this immutableness, was there some lack of common +consistency about worthy Captain Bildad. Though refusing, from +conscientious scruples, to bear arms against land invaders, yet himself +had illimitably invaded the Atlantic and Pacific; and though a sworn +foe to human bloodshed, yet had he in his straight-bodied coat, spilled +tuns upon tuns of leviathan gore. How now in the contemplative evening +of his days, the pious Bildad reconciled these things in the +reminiscence, I do not know; but it did not seem to concern him much, +and very probably he had long since come to the sage and sensible +conclusion that a man’s religion is one thing, and this practical world +quite another. This world pays dividends. Rising from a little +cabin-boy in short clothes of the drabbest drab, to a harpooneer in a +broad shad-bellied waistcoat; from that becoming boat-header, +chief-mate, and captain, and finally a ship owner; Bildad, as I hinted +before, had concluded his adventurous career by wholly retiring from +active life at the goodly age of sixty, and dedicating his remaining +days to the quiet receiving of his well-earned income. + +Now, Bildad, I am sorry to say, had the reputation of being an +incorrigible old hunks, and in his sea-going days, a bitter, hard +task-master. They told me in Nantucket, though it certainly seems a +curious story, that when he sailed the old Categut whaleman, his crew, +upon arriving home, were mostly all carried ashore to the hospital, +sore exhausted and worn out. For a pious man, especially for a Quaker, +he was certainly rather hard-hearted, to say the least. He never used +to swear, though, at his men, they said; but somehow he got an +inordinate quantity of cruel, unmitigated hard work out of them. When +Bildad was a chief-mate, to have his drab-coloured eye intently looking +at you, made you feel completely nervous, till you could clutch +something—a hammer or a marling-spike, and go to work like mad, at +something or other, never mind what. Indolence and idleness perished +before him. His own person was the exact embodiment of his utilitarian +character. On his long, gaunt body, he carried no spare flesh, no +superfluous beard, his chin having a soft, economical nap to it, like +the worn nap of his broad-brimmed hat. + +Such, then, was the person that I saw seated on the transom when I +followed Captain Peleg down into the cabin. The space between the decks +was small; and there, bolt-upright, sat old Bildad, who always sat so, +and never leaned, and this to save his coat tails. His broad-brim was +placed beside him; his legs were stiffly crossed; his drab vesture was +buttoned up to his chin; and spectacles on nose, he seemed absorbed in +reading from a ponderous volume. + +“Bildad,” cried Captain Peleg, “at it again, Bildad, eh? Ye have been +studying those Scriptures, now, for the last thirty years, to my +certain knowledge. How far ye got, Bildad?” + +As if long habituated to such profane talk from his old shipmate, +Bildad, without noticing his present irreverence, quietly looked up, +and seeing me, glanced again inquiringly towards Peleg. + +“He says he’s our man, Bildad,” said Peleg, “he wants to ship.” + +“Dost thee?” said Bildad, in a hollow tone, and turning round to me. + +“I _dost_,” said I unconsciously, he was so intense a Quaker. + +“What do ye think of him, Bildad?” said Peleg. + +“He’ll do,” said Bildad, eyeing me, and then went on spelling away at +his book in a mumbling tone quite audible. + +I thought him the queerest old Quaker I ever saw, especially as Peleg, +his friend and old shipmate, seemed such a blusterer. But I said +nothing, only looking round me sharply. Peleg now threw open a chest, +and drawing forth the ship’s articles, placed pen and ink before him, +and seated himself at a little table. I began to think it was high time +to settle with myself at what terms I would be willing to engage for +the voyage. I was already aware that in the whaling business they paid +no wages; but all hands, including the captain, received certain shares +of the profits called _lays_, and that these lays were proportioned to +the degree of importance pertaining to the respective duties of the +ship’s company. I was also aware that being a green hand at whaling, my +own lay would not be very large; but considering that I was used to the +sea, could steer a ship, splice a rope, and all that, I made no doubt +that from all I had heard I should be offered at least the 275th +lay—that is, the 275th part of the clear net proceeds of the voyage, +whatever that might eventually amount to. And though the 275th lay was +what they call a rather _long lay_, yet it was better than nothing; and +if we had a lucky voyage, might pretty nearly pay for the clothing I +would wear out on it, not to speak of my three years’ beef and board, +for which I would not have to pay one stiver. + +It might be thought that this was a poor way to accumulate a princely +fortune—and so it was, a very poor way indeed. But I am one of those +that never take on about princely fortunes, and am quite content if the +world is ready to board and lodge me, while I am putting up at this +grim sign of the Thunder Cloud. Upon the whole, I thought that the +275th lay would be about the fair thing, but would not have been +surprised had I been offered the 200th, considering I was of a +broad-shouldered make. + +But one thing, nevertheless, that made me a little distrustful about +receiving a generous share of the profits was this: Ashore, I had heard +something of both Captain Peleg and his unaccountable old crony Bildad; +how that they being the principal proprietors of the Pequod, therefore +the other and more inconsiderable and scattered owners, left nearly the +whole management of the ship’s affairs to these two. And I did not know +but what the stingy old Bildad might have a mighty deal to say about +shipping hands, especially as I now found him on board the Pequod, +quite at home there in the cabin, and reading his Bible as if at his +own fireside. Now while Peleg was vainly trying to mend a pen with his +jack-knife, old Bildad, to my no small surprise, considering that he +was such an interested party in these proceedings; Bildad never heeded +us, but went on mumbling to himself out of his book, “_Lay_ not up for +yourselves treasures upon earth, where moth—” + +“Well, Captain Bildad,” interrupted Peleg, “what d’ye say, what lay +shall we give this young man?” + +“Thou knowest best,” was the sepulchral reply, “the seven hundred and +seventy-seventh wouldn’t be too much, would it?—‘where moth and rust do +corrupt, but _lay_—’” + +_Lay_, indeed, thought I, and such a lay! the seven hundred and +seventy-seventh! Well, old Bildad, you are determined that I, for one, +shall not _lay_ up many _lays_ here below, where moth and rust do +corrupt. It was an exceedingly _long lay_ that, indeed; and though from +the magnitude of the figure it might at first deceive a landsman, yet +the slightest consideration will show that though seven hundred and +seventy-seven is a pretty large number, yet, when you come to make a +_teenth_ of it, you will then see, I say, that the seven hundred and +seventy-seventh part of a farthing is a good deal less than seven +hundred and seventy-seven gold doubloons; and so I thought at the time. + +“Why, blast your eyes, Bildad,” cried Peleg, “thou dost not want to +swindle this young man! he must have more than that.” + +“Seven hundred and seventy-seventh,” again said Bildad, without lifting +his eyes; and then went on mumbling—“for where your treasure is, there +will your heart be also.” + +“I am going to put him down for the three hundredth,” said Peleg, “do +ye hear that, Bildad! The three hundredth lay, I say.” + +Bildad laid down his book, and turning solemnly towards him said, +“Captain Peleg, thou hast a generous heart; but thou must consider the +duty thou owest to the other owners of this ship—widows and orphans, +many of them—and that if we too abundantly reward the labors of this +young man, we may be taking the bread from those widows and those +orphans. The seven hundred and seventy-seventh lay, Captain Peleg.” + +“Thou Bildad!” roared Peleg, starting up and clattering about the +cabin. “Blast ye, Captain Bildad, if I had followed thy advice in these +matters, I would afore now had a conscience to lug about that would be +heavy enough to founder the largest ship that ever sailed round Cape +Horn.” + +“Captain Peleg,” said Bildad steadily, “thy conscience may be drawing +ten inches of water, or ten fathoms, I can’t tell; but as thou art +still an impenitent man, Captain Peleg, I greatly fear lest thy +conscience be but a leaky one; and will in the end sink thee foundering +down to the fiery pit, Captain Peleg.” + +“Fiery pit! fiery pit! ye insult me, man; past all natural bearing, ye +insult me. It’s an all-fired outrage to tell any human creature that +he’s bound to hell. Flukes and flames! Bildad, say that again to me, +and start my soul-bolts, but I’ll—I’ll—yes, I’ll swallow a live goat +with all his hair and horns on. Out of the cabin, ye canting, +drab-coloured son of a wooden gun—a straight wake with ye!” + +As he thundered out this he made a rush at Bildad, but with a +marvellous oblique, sliding celerity, Bildad for that time eluded him. + +Alarmed at this terrible outburst between the two principal and +responsible owners of the ship, and feeling half a mind to give up all +idea of sailing in a vessel so questionably owned and temporarily +commanded, I stepped aside from the door to give egress to Bildad, who, +I made no doubt, was all eagerness to vanish from before the awakened +wrath of Peleg. But to my astonishment, he sat down again on the +transom very quietly, and seemed to have not the slightest intention of +withdrawing. He seemed quite used to impenitent Peleg and his ways. As +for Peleg, after letting off his rage as he had, there seemed no more +left in him, and he, too, sat down like a lamb, though he twitched a +little as if still nervously agitated. “Whew!” he whistled at last—“the +squall’s gone off to leeward, I think. Bildad, thou used to be good at +sharpening a lance, mend that pen, will ye. My jack-knife here needs +the grindstone. That’s he; thank ye, Bildad. Now then, my young man, +Ishmael’s thy name, didn’t ye say? Well then, down ye go here, Ishmael, +for the three hundredth lay.” + +“Captain Peleg,” said I, “I have a friend with me who wants to ship +too—shall I bring him down to-morrow?” + +“To be sure,” said Peleg. “Fetch him along, and we’ll look at him.” + +“What lay does he want?” groaned Bildad, glancing up from the book in +which he had again been burying himself. + +“Oh! never thee mind about that, Bildad,” said Peleg. “Has he ever +whaled it any?” turning to me. + +“Killed more whales than I can count, Captain Peleg.” + +“Well, bring him along then.” + +And, after signing the papers, off I went; nothing doubting but that I +had done a good morning’s work, and that the Pequod was the identical +ship that Yojo had provided to carry Queequeg and me round the Cape. + +But I had not proceeded far, when I began to bethink me that the +Captain with whom I was to sail yet remained unseen by me; though, +indeed, in many cases, a whale-ship will be completely fitted out, and +receive all her crew on board, ere the captain makes himself visible by +arriving to take command; for sometimes these voyages are so prolonged, +and the shore intervals at home so exceedingly brief, that if the +captain have a family, or any absorbing concernment of that sort, he +does not trouble himself much about his ship in port, but leaves her to +the owners till all is ready for sea. However, it is always as well to +have a look at him before irrevocably committing yourself into his +hands. Turning back I accosted Captain Peleg, inquiring where Captain +Ahab was to be found. + +“And what dost thou want of Captain Ahab? It’s all right enough; thou +art shipped.” + +“Yes, but I should like to see him.” + +“But I don’t think thou wilt be able to at present. I don’t know +exactly what’s the matter with him; but he keeps close inside the +house; a sort of sick, and yet he don’t look so. In fact, he ain’t +sick; but no, he isn’t well either. Any how, young man, he won’t always +see me, so I don’t suppose he will thee. He’s a queer man, Captain +Ahab—so some think—but a good one. Oh, thou’lt like him well enough; no +fear, no fear. He’s a grand, ungodly, god-like man, Captain Ahab; +doesn’t speak much; but, when he does speak, then you may well listen. +Mark ye, be forewarned; Ahab’s above the common; Ahab’s been in +colleges, as well as ’mong the cannibals; been used to deeper wonders +than the waves; fixed his fiery lance in mightier, stranger foes than +whales. His lance! aye, the keenest and the surest that out of all our +isle! Oh! he ain’t Captain Bildad; no, and he ain’t Captain Peleg; +_he’s Ahab_, boy; and Ahab of old, thou knowest, was a crowned king!” + +“And a very vile one. When that wicked king was slain, the dogs, did +they not lick his blood?” + +“Come hither to me—hither, hither,” said Peleg, with a significance in +his eye that almost startled me. “Look ye, lad; never say that on board +the Pequod. Never say it anywhere. Captain Ahab did not name himself. +’Twas a foolish, ignorant whim of his crazy, widowed mother, who died +when he was only a twelvemonth old. And yet the old squaw Tistig, at +Gayhead, said that the name would somehow prove prophetic. And, +perhaps, other fools like her may tell thee the same. I wish to warn +thee. It’s a lie. I know Captain Ahab well; I’ve sailed with him as +mate years ago; I know what he is—a good man—not a pious, good man, +like Bildad, but a swearing good man—something like me—only there’s a +good deal more of him. Aye, aye, I know that he was never very jolly; +and I know that on the passage home, he was a little out of his mind +for a spell; but it was the sharp shooting pains in his bleeding stump +that brought that about, as any one might see. I know, too, that ever +since he lost his leg last voyage by that accursed whale, he’s been a +kind of moody—desperate moody, and savage sometimes; but that will all +pass off. And once for all, let me tell thee and assure thee, young +man, it’s better to sail with a moody good captain than a laughing bad +one. So good-bye to thee—and wrong not Captain Ahab, because he happens +to have a wicked name. Besides, my boy, he has a wife—not three voyages +wedded—a sweet, resigned girl. Think of that; by that sweet girl that +old man has a child: hold ye then there can be any utter, hopeless harm +in Ahab? No, no, my lad; stricken, blasted, if he be, Ahab has his +humanities!” + +As I walked away, I was full of thoughtfulness; what had been +incidentally revealed to me of Captain Ahab, filled me with a certain +wild vagueness of painfulness concerning him. And somehow, at the time, +I felt a sympathy and a sorrow for him, but for I don’t know what, +unless it was the cruel loss of his leg. And yet I also felt a strange +awe of him; but that sort of awe, which I cannot at all describe, was +not exactly awe; I do not know what it was. But I felt it; and it did +not disincline me towards him; though I felt impatience at what seemed +like mystery in him, so imperfectly as he was known to me then. +However, my thoughts were at length carried in other directions, so +that for the present dark Ahab slipped my mind. + + +CHAPTER 17. The Ramadan. + +As Queequeg’s Ramadan, or Fasting and Humiliation, was to continue all +day, I did not choose to disturb him till towards night-fall; for I +cherish the greatest respect towards everybody’s religious obligations, +never mind how comical, and could not find it in my heart to undervalue +even a congregation of ants worshipping a toad-stool; or those other +creatures in certain parts of our earth, who with a degree of +footmanism quite unprecedented in other planets, bow down before the +torso of a deceased landed proprietor merely on account of the +inordinate possessions yet owned and rented in his name. + +I say, we good Presbyterian Christians should be charitable in these +things, and not fancy ourselves so vastly superior to other mortals, +pagans and what not, because of their half-crazy conceits on these +subjects. There was Queequeg, now, certainly entertaining the most +absurd notions about Yojo and his Ramadan;—but what of that? Queequeg +thought he knew what he was about, I suppose; he seemed to be content; +and there let him rest. All our arguing with him would not avail; let +him be, I say: and Heaven have mercy on us all—Presbyterians and Pagans +alike—for we are all somehow dreadfully cracked about the head, and +sadly need mending. + +Towards evening, when I felt assured that all his performances and +rituals must be over, I went up to his room and knocked at the door; +but no answer. I tried to open it, but it was fastened inside. +“Queequeg,” said I softly through the key-hole:—all silent. “I say, +Queequeg! why don’t you speak? It’s I—Ishmael.” But all remained still +as before. I began to grow alarmed. I had allowed him such abundant +time; I thought he might have had an apoplectic fit. I looked through +the key-hole; but the door opening into an odd corner of the room, the +key-hole prospect was but a crooked and sinister one. I could only see +part of the foot-board of the bed and a line of the wall, but nothing +more. I was surprised to behold resting against the wall the wooden +shaft of Queequeg’s harpoon, which the landlady the evening previous +had taken from him, before our mounting to the chamber. That’s strange, +thought I; but at any rate, since the harpoon stands yonder, and he +seldom or never goes abroad without it, therefore he must be inside +here, and no possible mistake. + +“Queequeg!—Queequeg!”—all still. Something must have happened. +Apoplexy! I tried to burst open the door; but it stubbornly resisted. +Running down stairs, I quickly stated my suspicions to the first person +I met—the chamber-maid. “La! la!” she cried, “I thought something must +be the matter. I went to make the bed after breakfast, and the door was +locked; and not a mouse to be heard; and it’s been just so silent ever +since. But I thought, may be, you had both gone off and locked your +baggage in for safe keeping. La! la, ma’am!—Mistress! murder! Mrs. +Hussey! apoplexy!”—and with these cries, she ran towards the kitchen, I +following. + +Mrs. Hussey soon appeared, with a mustard-pot in one hand and a +vinegar-cruet in the other, having just broken away from the occupation +of attending to the castors, and scolding her little black boy +meantime. + +“Wood-house!” cried I, “which way to it? Run for God’s sake, and fetch +something to pry open the door—the axe!—the axe! he’s had a stroke; +depend upon it!”—and so saying I was unmethodically rushing up stairs +again empty-handed, when Mrs. Hussey interposed the mustard-pot and +vinegar-cruet, and the entire castor of her countenance. + +“What’s the matter with you, young man?” + +“Get the axe! For God’s sake, run for the doctor, some one, while I pry +it open!” + +“Look here,” said the landlady, quickly putting down the vinegar-cruet, +so as to have one hand free; “look here; are you talking about prying +open any of my doors?”—and with that she seized my arm. “What’s the +matter with you? What’s the matter with you, shipmate?” + +In as calm, but rapid a manner as possible, I gave her to understand +the whole case. Unconsciously clapping the vinegar-cruet to one side of +her nose, she ruminated for an instant; then exclaimed—“No! I haven’t +seen it since I put it there.” Running to a little closet under the +landing of the stairs, she glanced in, and returning, told me that +Queequeg’s harpoon was missing. “He’s killed himself,” she cried. “It’s +unfort’nate Stiggs done over again—there goes another counterpane—God +pity his poor mother!—it will be the ruin of my house. Has the poor lad +a sister? Where’s that girl?—there, Betty, go to Snarles the Painter, +and tell him to paint me a sign, with—“no suicides permitted here, and +no smoking in the parlor;”—might as well kill both birds at once. Kill? +The Lord be merciful to his ghost! What’s that noise there? You, young +man, avast there!” + +And running up after me, she caught me as I was again trying to force +open the door. + +“I don’t allow it; I won’t have my premises spoiled. Go for the +locksmith, there’s one about a mile from here. But avast!” putting her +hand in her side-pocket, “here’s a key that’ll fit, I guess; let’s +see.” And with that, she turned it in the lock; but, alas! Queequeg’s +supplemental bolt remained unwithdrawn within. + +“Have to burst it open,” said I, and was running down the entry a +little, for a good start, when the landlady caught at me, again vowing +I should not break down her premises; but I tore from her, and with a +sudden bodily rush dashed myself full against the mark. + +With a prodigious noise the door flew open, and the knob slamming +against the wall, sent the plaster to the ceiling; and there, good +heavens! there sat Queequeg, altogether cool and self-collected; right +in the middle of the room; squatting on his hams, and holding Yojo on +top of his head. He looked neither one way nor the other way, but sat +like a carved image with scarce a sign of active life. + +“Queequeg,” said I, going up to him, “Queequeg, what’s the matter with +you?” + +“He hain’t been a sittin’ so all day, has he?” said the landlady. + +But all we said, not a word could we drag out of him; I almost felt +like pushing him over, so as to change his position, for it was almost +intolerable, it seemed so painfully and unnaturally constrained; +especially, as in all probability he had been sitting so for upwards of +eight or ten hours, going too without his regular meals. + +“Mrs. Hussey,” said I, “he’s _alive_ at all events; so leave us, if you +please, and I will see to this strange affair myself.” + +Closing the door upon the landlady, I endeavored to prevail upon +Queequeg to take a chair; but in vain. There he sat; and all he could +do—for all my polite arts and blandishments—he would not move a peg, +nor say a single word, nor even look at me, nor notice my presence in +the slightest way. + +I wonder, thought I, if this can possibly be a part of his Ramadan; do +they fast on their hams that way in his native island. It must be so; +yes, it’s part of his creed, I suppose; well, then, let him rest; he’ll +get up sooner or later, no doubt. It can’t last for ever, thank God, +and his Ramadan only comes once a year; and I don’t believe it’s very +punctual then. + +I went down to supper. After sitting a long time listening to the long +stories of some sailors who had just come from a plum-pudding voyage, +as they called it (that is, a short whaling-voyage in a schooner or +brig, confined to the north of the line, in the Atlantic Ocean only); +after listening to these plum-puddingers till nearly eleven o’clock, I +went up stairs to go to bed, feeling quite sure by this time Queequeg +must certainly have brought his Ramadan to a termination. But no; there +he was just where I had left him; he had not stirred an inch. I began +to grow vexed with him; it seemed so downright senseless and insane to +be sitting there all day and half the night on his hams in a cold room, +holding a piece of wood on his head. + +“For heaven’s sake, Queequeg, get up and shake yourself; get up and +have some supper. You’ll starve; you’ll kill yourself, Queequeg.” But +not a word did he reply. + +Despairing of him, therefore, I determined to go to bed and to sleep; +and no doubt, before a great while, he would follow me. But previous to +turning in, I took my heavy bearskin jacket, and threw it over him, as +it promised to be a very cold night; and he had nothing but his +ordinary round jacket on. For some time, do all I would, I could not +get into the faintest doze. I had blown out the candle; and the mere +thought of Queequeg—not four feet off—sitting there in that uneasy +position, stark alone in the cold and dark; this made me really +wretched. Think of it; sleeping all night in the same room with a wide +awake pagan on his hams in this dreary, unaccountable Ramadan! + +But somehow I dropped off at last, and knew nothing more till break of +day; when, looking over the bedside, there squatted Queequeg, as if he +had been screwed down to the floor. But as soon as the first glimpse of +sun entered the window, up he got, with stiff and grating joints, but +with a cheerful look; limped towards me where I lay; pressed his +forehead again against mine; and said his Ramadan was over. + +Now, as I before hinted, I have no objection to any person’s religion, +be it what it may, so long as that person does not kill or insult any +other person, because that other person don’t believe it also. But when +a man’s religion becomes really frantic; when it is a positive torment +to him; and, in fine, makes this earth of ours an uncomfortable inn to +lodge in; then I think it high time to take that individual aside and +argue the point with him. + +And just so I now did with Queequeg. “Queequeg,” said I, “get into bed +now, and lie and listen to me.” I then went on, beginning with the rise +and progress of the primitive religions, and coming down to the various +religions of the present time, during which time I labored to show +Queequeg that all these Lents, Ramadans, and prolonged ham-squattings +in cold, cheerless rooms were stark nonsense; bad for the health; +useless for the soul; opposed, in short, to the obvious laws of Hygiene +and common sense. I told him, too, that he being in other things such +an extremely sensible and sagacious savage, it pained me, very badly +pained me, to see him now so deplorably foolish about this ridiculous +Ramadan of his. Besides, argued I, fasting makes the body cave in; +hence the spirit caves in; and all thoughts born of a fast must +necessarily be half-starved. This is the reason why most dyspeptic +religionists cherish such melancholy notions about their hereafters. In +one word, Queequeg, said I, rather digressively; hell is an idea first +born on an undigested apple-dumpling; and since then perpetuated +through the hereditary dyspepsias nurtured by Ramadans. + +I then asked Queequeg whether he himself was ever troubled with +dyspepsia; expressing the idea very plainly, so that he could take it +in. He said no; only upon one memorable occasion. It was after a great +feast given by his father the king, on the gaining of a great battle +wherein fifty of the enemy had been killed by about two o’clock in the +afternoon, and all cooked and eaten that very evening. + +“No more, Queequeg,” said I, shuddering; “that will do;” for I knew the +inferences without his further hinting them. I had seen a sailor who +had visited that very island, and he told me that it was the custom, +when a great battle had been gained there, to barbecue all the slain in +the yard or garden of the victor; and then, one by one, they were +placed in great wooden trenchers, and garnished round like a pilau, +with breadfruit and cocoanuts; and with some parsley in their mouths, +were sent round with the victor’s compliments to all his friends, just +as though these presents were so many Christmas turkeys. + +After all, I do not think that my remarks about religion made much +impression upon Queequeg. Because, in the first place, he somehow +seemed dull of hearing on that important subject, unless considered +from his own point of view; and, in the second place, he did not more +than one third understand me, couch my ideas simply as I would; and, +finally, he no doubt thought he knew a good deal more about the true +religion than I did. He looked at me with a sort of condescending +concern and compassion, as though he thought it a great pity that such +a sensible young man should be so hopelessly lost to evangelical pagan +piety. + +At last we rose and dressed; and Queequeg, taking a prodigiously hearty +breakfast of chowders of all sorts, so that the landlady should not +make much profit by reason of his Ramadan, we sallied out to board the +Pequod, sauntering along, and picking our teeth with halibut bones. + + +CHAPTER 18. His Mark. + +As we were walking down the end of the wharf towards the ship, Queequeg +carrying his harpoon, Captain Peleg in his gruff voice loudly hailed us +from his wigwam, saying he had not suspected my friend was a cannibal, +and furthermore announcing that he let no cannibals on board that +craft, unless they previously produced their papers. + +“What do you mean by that, Captain Peleg?” said I, now jumping on the +bulwarks, and leaving my comrade standing on the wharf. + +“I mean,” he replied, “he must show his papers.” + +“Yes,” said Captain Bildad in his hollow voice, sticking his head from +behind Peleg’s, out of the wigwam. “He must show that he’s converted. +Son of darkness,” he added, turning to Queequeg, “art thou at present +in communion with any Christian church?” + +“Why,” said I, “he’s a member of the first Congregational Church.” Here +be it said, that many tattooed savages sailing in Nantucket ships at +last come to be converted into the churches. + +“First Congregational Church,” cried Bildad, “what! that worships in +Deacon Deuteronomy Coleman’s meeting-house?” and so saying, taking out +his spectacles, he rubbed them with his great yellow bandana +handkerchief, and putting them on very carefully, came out of the +wigwam, and leaning stiffly over the bulwarks, took a good long look at +Queequeg. + +“How long hath he been a member?” he then said, turning to me; “not +very long, I rather guess, young man.” + +“No,” said Peleg, “and he hasn’t been baptized right either, or it +would have washed some of that devil’s blue off his face.” + +“Do tell, now,” cried Bildad, “is this Philistine a regular member of +Deacon Deuteronomy’s meeting? I never saw him going there, and I pass +it every Lord’s day.” + +“I don’t know anything about Deacon Deuteronomy or his meeting,” said +I; “all I know is, that Queequeg here is a born member of the First +Congregational Church. He is a deacon himself, Queequeg is.” + +“Young man,” said Bildad sternly, “thou art skylarking with me—explain +thyself, thou young Hittite. What church dost thee mean? answer me.” + +Finding myself thus hard pushed, I replied. “I mean, sir, the same +ancient Catholic Church to which you and I, and Captain Peleg there, +and Queequeg here, and all of us, and every mother’s son and soul of us +belong; the great and everlasting First Congregation of this whole +worshipping world; we all belong to that; only some of us cherish some +queer crotchets no ways touching the grand belief; in _that_ we all +join hands.” + +“Splice, thou mean’st _splice_ hands,” cried Peleg, drawing nearer. +“Young man, you’d better ship for a missionary, instead of a fore-mast +hand; I never heard a better sermon. Deacon Deuteronomy—why Father +Mapple himself couldn’t beat it, and he’s reckoned something. Come +aboard, come aboard; never mind about the papers. I say, tell Quohog +there—what’s that you call him? tell Quohog to step along. By the great +anchor, what a harpoon he’s got there! looks like good stuff that; and +he handles it about right. I say, Quohog, or whatever your name is, did +you ever stand in the head of a whale-boat? did you ever strike a +fish?” + +Without saying a word, Queequeg, in his wild sort of way, jumped upon +the bulwarks, from thence into the bows of one of the whale-boats +hanging to the side; and then bracing his left knee, and poising his +harpoon, cried out in some such way as this:— + +“Cap’ain, you see him small drop tar on water dere? You see him? well, +spose him one whale eye, well, den!” and taking sharp aim at it, he +darted the iron right over old Bildad’s broad brim, clean across the +ship’s decks, and struck the glistening tar spot out of sight. + +“Now,” said Queequeg, quietly hauling in the line, “spos-ee him whale-e +eye; why, dad whale dead.” + +“Quick, Bildad,” said Peleg, his partner, who, aghast at the close +vicinity of the flying harpoon, had retreated towards the cabin +gangway. “Quick, I say, you Bildad, and get the ship’s papers. We must +have Hedgehog there, I mean Quohog, in one of our boats. Look ye, +Quohog, we’ll give ye the ninetieth lay, and that’s more than ever was +given a harpooneer yet out of Nantucket.” + +So down we went into the cabin, and to my great joy Queequeg was soon +enrolled among the same ship’s company to which I myself belonged. + +When all preliminaries were over and Peleg had got everything ready for +signing, he turned to me and said, “I guess, Quohog there don’t know +how to write, does he? I say, Quohog, blast ye! dost thou sign thy name +or make thy mark?” + +But at this question, Queequeg, who had twice or thrice before taken +part in similar ceremonies, looked no ways abashed; but taking the +offered pen, copied upon the paper, in the proper place, an exact +counterpart of a queer round figure which was tattooed upon his arm; so +that through Captain Peleg’s obstinate mistake touching his +appellative, it stood something like this:— + +Quohog. his X mark. + +Meanwhile Captain Bildad sat earnestly and steadfastly eyeing Queequeg, +and at last rising solemnly and fumbling in the huge pockets of his +broad-skirted drab coat, took out a bundle of tracts, and selecting one +entitled “The Latter Day Coming; or No Time to Lose,” placed it in +Queequeg’s hands, and then grasping them and the book with both his, +looked earnestly into his eyes, and said, “Son of darkness, I must do +my duty by thee; I am part owner of this ship, and feel concerned for +the souls of all its crew; if thou still clingest to thy Pagan ways, +which I sadly fear, I beseech thee, remain not for aye a Belial +bondsman. Spurn the idol Bell, and the hideous dragon; turn from the +wrath to come; mind thine eye, I say; oh! goodness gracious! steer +clear of the fiery pit!” + +Something of the salt sea yet lingered in old Bildad’s language, +heterogeneously mixed with Scriptural and domestic phrases. + +“Avast there, avast there, Bildad, avast now spoiling our harpooneer,” +cried Peleg. “Pious harpooneers never make good voyagers—it takes the +shark out of ’em; no harpooneer is worth a straw who aint pretty +sharkish. There was young Nat Swaine, once the bravest boat-header out +of all Nantucket and the Vineyard; he joined the meeting, and never +came to good. He got so frightened about his plaguy soul, that he +shrinked and sheered away from whales, for fear of after-claps, in case +he got stove and went to Davy Jones.” + +“Peleg! Peleg!” said Bildad, lifting his eyes and hands, “thou thyself, +as I myself, hast seen many a perilous time; thou knowest, Peleg, what +it is to have the fear of death; how, then, can’st thou prate in this +ungodly guise. Thou beliest thine own heart, Peleg. Tell me, when this +same Pequod here had her three masts overboard in that typhoon on +Japan, that same voyage when thou went mate with Captain Ahab, did’st +thou not think of Death and the Judgment then?” + +“Hear him, hear him now,” cried Peleg, marching across the cabin, and +thrusting his hands far down into his pockets,—“hear him, all of ye. +Think of that! When every moment we thought the ship would sink! Death +and the Judgment then? What? With all three masts making such an +everlasting thundering against the side; and every sea breaking over +us, fore and aft. Think of Death and the Judgment then? No! no time to +think about Death then. Life was what Captain Ahab and I was thinking +of; and how to save all hands—how to rig jury-masts—how to get into the +nearest port; that was what I was thinking of.” + +Bildad said no more, but buttoning up his coat, stalked on deck, where +we followed him. There he stood, very quietly overlooking some +sailmakers who were mending a top-sail in the waist. Now and then he +stooped to pick up a patch, or save an end of tarred twine, which +otherwise might have been wasted. + + +CHAPTER 19. The Prophet. + +“Shipmates, have ye shipped in that ship?” + +Queequeg and I had just left the Pequod, and were sauntering away from +the water, for the moment each occupied with his own thoughts, when the +above words were put to us by a stranger, who, pausing before us, +levelled his massive forefinger at the vessel in question. He was but +shabbily apparelled in faded jacket and patched trowsers; a rag of a +black handkerchief investing his neck. A confluent small-pox had in all +directions flowed over his face, and left it like the complicated +ribbed bed of a torrent, when the rushing waters have been dried up. + +“Have ye shipped in her?” he repeated. + +“You mean the ship Pequod, I suppose,” said I, trying to gain a little +more time for an uninterrupted look at him. + +“Aye, the Pequod—that ship there,” he said, drawing back his whole arm, +and then rapidly shoving it straight out from him, with the fixed +bayonet of his pointed finger darted full at the object. + +“Yes,” said I, “we have just signed the articles.” + +“Anything down there about your souls?” + +“About what?” + +“Oh, perhaps you hav’n’t got any,” he said quickly. “No matter though, +I know many chaps that hav’n’t got any,—good luck to ’em; and they are +all the better off for it. A soul’s a sort of a fifth wheel to a +wagon.” + +“What are you jabbering about, shipmate?” said I. + +“_He’s_ got enough, though, to make up for all deficiencies of that +sort in other chaps,” abruptly said the stranger, placing a nervous +emphasis upon the word _he_. + +“Queequeg,” said I, “let’s go; this fellow has broken loose from +somewhere; he’s talking about something and somebody we don’t know.” + +“Stop!” cried the stranger. “Ye said true—ye hav’n’t seen Old Thunder +yet, have ye?” + +“Who’s Old Thunder?” said I, again riveted with the insane earnestness +of his manner. + +“Captain Ahab.” + +“What! the captain of our ship, the Pequod?” + +“Aye, among some of us old sailor chaps, he goes by that name. Ye +hav’n’t seen him yet, have ye?” + +“No, we hav’n’t. He’s sick they say, but is getting better, and will be +all right again before long.” + +“All right again before long!” laughed the stranger, with a solemnly +derisive sort of laugh. “Look ye; when Captain Ahab is all right, then +this left arm of mine will be all right; not before.” + +“What do you know about him?” + +“What did they _tell_ you about him? Say that!” + +“They didn’t tell much of anything about him; only I’ve heard that he’s +a good whale-hunter, and a good captain to his crew.” + +“That’s true, that’s true—yes, both true enough. But you must jump when +he gives an order. Step and growl; growl and go—that’s the word with +Captain Ahab. But nothing about that thing that happened to him off +Cape Horn, long ago, when he lay like dead for three days and nights; +nothing about that deadly skrimmage with the Spaniard afore the altar +in Santa?—heard nothing about that, eh? Nothing about the silver +calabash he spat into? And nothing about his losing his leg last +voyage, according to the prophecy. Didn’t ye hear a word about them +matters and something more, eh? No, I don’t think ye did; how could ye? +Who knows it? Not all Nantucket, I guess. But hows’ever, mayhap, ye’ve +heard tell about the leg, and how he lost it; aye, ye have heard of +that, I dare say. Oh yes, _that_ every one knows a’most—I mean they +know he’s only one leg; and that a parmacetti took the other off.” + +“My friend,” said I, “what all this gibberish of yours is about, I +don’t know, and I don’t much care; for it seems to me that you must be +a little damaged in the head. But if you are speaking of Captain Ahab, +of that ship there, the Pequod, then let me tell you, that I know all +about the loss of his leg.” + +“_All_ about it, eh—sure you do?—all?” + +“Pretty sure.” + +With finger pointed and eye levelled at the Pequod, the beggar-like +stranger stood a moment, as if in a troubled reverie; then starting a +little, turned and said:—“Ye’ve shipped, have ye? Names down on the +papers? Well, well, what’s signed, is signed; and what’s to be, will +be; and then again, perhaps it won’t be, after all. Anyhow, it’s all +fixed and arranged a’ready; and some sailors or other must go with him, +I suppose; as well these as any other men, God pity ’em! Morning to ye, +shipmates, morning; the ineffable heavens bless ye; I’m sorry I stopped +ye.” + +“Look here, friend,” said I, “if you have anything important to tell +us, out with it; but if you are only trying to bamboozle us, you are +mistaken in your game; that’s all I have to say.” + +“And it’s said very well, and I like to hear a chap talk up that way; +you are just the man for him—the likes of ye. Morning to ye, shipmates, +morning! Oh! when ye get there, tell ’em I’ve concluded not to make one +of ’em.” + +“Ah, my dear fellow, you can’t fool us that way—you can’t fool us. It +is the easiest thing in the world for a man to look as if he had a +great secret in him.” + +“Morning to ye, shipmates, morning.” + +“Morning it is,” said I. “Come along, Queequeg, let’s leave this crazy +man. But stop, tell me your name, will you?” + +“Elijah.” + +Elijah! thought I, and we walked away, both commenting, after each +other’s fashion, upon this ragged old sailor; and agreed that he was +nothing but a humbug, trying to be a bugbear. But we had not gone +perhaps above a hundred yards, when chancing to turn a corner, and +looking back as I did so, who should be seen but Elijah following us, +though at a distance. Somehow, the sight of him struck me so, that I +said nothing to Queequeg of his being behind, but passed on with my +comrade, anxious to see whether the stranger would turn the same corner +that we did. He did; and then it seemed to me that he was dogging us, +but with what intent I could not for the life of me imagine. This +circumstance, coupled with his ambiguous, half-hinting, half-revealing, +shrouded sort of talk, now begat in me all kinds of vague wonderments +and half-apprehensions, and all connected with the Pequod; and Captain +Ahab; and the leg he had lost; and the Cape Horn fit; and the silver +calabash; and what Captain Peleg had said of him, when I left the ship +the day previous; and the prediction of the squaw Tistig; and the +voyage we had bound ourselves to sail; and a hundred other shadowy +things. + +I was resolved to satisfy myself whether this ragged Elijah was really +dogging us or not, and with that intent crossed the way with Queequeg, +and on that side of it retraced our steps. But Elijah passed on, +without seeming to notice us. This relieved me; and once more, and +finally as it seemed to me, I pronounced him in my heart, a humbug. + + +CHAPTER 20. All Astir. + +A day or two passed, and there was great activity aboard the Pequod. +Not only were the old sails being mended, but new sails were coming on +board, and bolts of canvas, and coils of rigging; in short, everything +betokened that the ship’s preparations were hurrying to a close. +Captain Peleg seldom or never went ashore, but sat in his wigwam +keeping a sharp look-out upon the hands: Bildad did all the purchasing +and providing at the stores; and the men employed in the hold and on +the rigging were working till long after night-fall. + +On the day following Queequeg’s signing the articles, word was given at +all the inns where the ship’s company were stopping, that their chests +must be on board before night, for there was no telling how soon the +vessel might be sailing. So Queequeg and I got down our traps, +resolving, however, to sleep ashore till the last. But it seems they +always give very long notice in these cases, and the ship did not sail +for several days. But no wonder; there was a good deal to be done, and +there is no telling how many things to be thought of, before the Pequod +was fully equipped. + +Every one knows what a multitude of things—beds, sauce-pans, knives and +forks, shovels and tongs, napkins, nut-crackers, and what not, are +indispensable to the business of housekeeping. Just so with whaling, +which necessitates a three-years’ housekeeping upon the wide ocean, far +from all grocers, costermongers, doctors, bakers, and bankers. And +though this also holds true of merchant vessels, yet not by any means +to the same extent as with whalemen. For besides the great length of +the whaling voyage, the numerous articles peculiar to the prosecution +of the fishery, and the impossibility of replacing them at the remote +harbors usually frequented, it must be remembered, that of all ships, +whaling vessels are the most exposed to accidents of all kinds, and +especially to the destruction and loss of the very things upon which +the success of the voyage most depends. Hence, the spare boats, spare +spars, and spare lines and harpoons, and spare everythings, almost, but +a spare Captain and duplicate ship. + +At the period of our arrival at the Island, the heaviest storage of the +Pequod had been almost completed; comprising her beef, bread, water, +fuel, and iron hoops and staves. But, as before hinted, for some time +there was a continual fetching and carrying on board of divers odds and +ends of things, both large and small. + +Chief among those who did this fetching and carrying was Captain +Bildad’s sister, a lean old lady of a most determined and indefatigable +spirit, but withal very kindhearted, who seemed resolved that, if _she_ +could help it, nothing should be found wanting in the Pequod, after +once fairly getting to sea. At one time she would come on board with a +jar of pickles for the steward’s pantry; another time with a bunch of +quills for the chief mate’s desk, where he kept his log; a third time +with a roll of flannel for the small of some one’s rheumatic back. +Never did any woman better deserve her name, which was Charity—Aunt +Charity, as everybody called her. And like a sister of charity did this +charitable Aunt Charity bustle about hither and thither, ready to turn +her hand and heart to anything that promised to yield safety, comfort, +and consolation to all on board a ship in which her beloved brother +Bildad was concerned, and in which she herself owned a score or two of +well-saved dollars. + +But it was startling to see this excellent hearted Quakeress coming on +board, as she did the last day, with a long oil-ladle in one hand, and +a still longer whaling lance in the other. Nor was Bildad himself nor +Captain Peleg at all backward. As for Bildad, he carried about with him +a long list of the articles needed, and at every fresh arrival, down +went his mark opposite that article upon the paper. Every once in a +while Peleg came hobbling out of his whalebone den, roaring at the men +down the hatchways, roaring up to the riggers at the mast-head, and +then concluded by roaring back into his wigwam. + +During these days of preparation, Queequeg and I often visited the +craft, and as often I asked about Captain Ahab, and how he was, and +when he was going to come on board his ship. To these questions they +would answer, that he was getting better and better, and was expected +aboard every day; meantime, the two captains, Peleg and Bildad, could +attend to everything necessary to fit the vessel for the voyage. If I +had been downright honest with myself, I would have seen very plainly +in my heart that I did but half fancy being committed this way to so +long a voyage, without once laying my eyes on the man who was to be the +absolute dictator of it, so soon as the ship sailed out upon the open +sea. But when a man suspects any wrong, it sometimes happens that if he +be already involved in the matter, he insensibly strives to cover up +his suspicions even from himself. And much this way it was with me. I +said nothing, and tried to think nothing. + +At last it was given out that some time next day the ship would +certainly sail. So next morning, Queequeg and I took a very early +start. + + +CHAPTER 21. Going Aboard. + +It was nearly six o’clock, but only grey imperfect misty dawn, when we +drew nigh the wharf. + +“There are some sailors running ahead there, if I see right,” said I to +Queequeg, “it can’t be shadows; she’s off by sunrise, I guess; come +on!” + +“Avast!” cried a voice, whose owner at the same time coming close +behind us, laid a hand upon both our shoulders, and then insinuating +himself between us, stood stooping forward a little, in the uncertain +twilight, strangely peering from Queequeg to me. It was Elijah. + +“Going aboard?” + +“Hands off, will you,” said I. + +“Lookee here,” said Queequeg, shaking himself, “go ’way!” + +“Ain’t going aboard, then?” + +“Yes, we are,” said I, “but what business is that of yours? Do you +know, Mr. Elijah, that I consider you a little impertinent?” + +“No, no, no; I wasn’t aware of that,” said Elijah, slowly and +wonderingly looking from me to Queequeg, with the most unaccountable +glances. + +“Elijah,” said I, “you will oblige my friend and me by withdrawing. We +are going to the Indian and Pacific Oceans, and would prefer not to be +detained.” + +“Ye be, be ye? Coming back afore breakfast?” + +“He’s cracked, Queequeg,” said I, “come on.” + +“Holloa!” cried stationary Elijah, hailing us when we had removed a few +paces. + +“Never mind him,” said I, “Queequeg, come on.” + +But he stole up to us again, and suddenly clapping his hand on my +shoulder, said—“Did ye see anything looking like men going towards that +ship a while ago?” + +Struck by this plain matter-of-fact question, I answered, saying, “Yes, +I thought I did see four or five men; but it was too dim to be sure.” + +“Very dim, very dim,” said Elijah. “Morning to ye.” + +Once more we quitted him; but once more he came softly after us; and +touching my shoulder again, said, “See if you can find ’em now, will +ye? + +“Find who?” + +“Morning to ye! morning to ye!” he rejoined, again moving off. “Oh! I +was going to warn ye against—but never mind, never mind—it’s all one, +all in the family too;—sharp frost this morning, ain’t it? Good-bye to +ye. Shan’t see ye again very soon, I guess; unless it’s before the +Grand Jury.” And with these cracked words he finally departed, leaving +me, for the moment, in no small wonderment at his frantic impudence. + +At last, stepping on board the Pequod, we found everything in profound +quiet, not a soul moving. The cabin entrance was locked within; the +hatches were all on, and lumbered with coils of rigging. Going forward +to the forecastle, we found the slide of the scuttle open. Seeing a +light, we went down, and found only an old rigger there, wrapped in a +tattered pea-jacket. He was thrown at whole length upon two chests, his +face downwards and inclosed in his folded arms. The profoundest slumber +slept upon him. + +“Those sailors we saw, Queequeg, where can they have gone to?” said I, +looking dubiously at the sleeper. But it seemed that, when on the +wharf, Queequeg had not at all noticed what I now alluded to; hence I +would have thought myself to have been optically deceived in that +matter, were it not for Elijah’s otherwise inexplicable question. But I +beat the thing down; and again marking the sleeper, jocularly hinted to +Queequeg that perhaps we had best sit up with the body; telling him to +establish himself accordingly. He put his hand upon the sleeper’s rear, +as though feeling if it was soft enough; and then, without more ado, +sat quietly down there. + +“Gracious! Queequeg, don’t sit there,” said I. + +“Oh! perry dood seat,” said Queequeg, “my country way; won’t hurt him +face.” + +“Face!” said I, “call that his face? very benevolent countenance then; +but how hard he breathes, he’s heaving himself; get off, Queequeg, you +are heavy, it’s grinding the face of the poor. Get off, Queequeg! Look, +he’ll twitch you off soon. I wonder he don’t wake.” + +Queequeg removed himself to just beyond the head of the sleeper, and +lighted his tomahawk pipe. I sat at the feet. We kept the pipe passing +over the sleeper, from one to the other. Meanwhile, upon questioning +him in his broken fashion, Queequeg gave me to understand that, in his +land, owing to the absence of settees and sofas of all sorts, the king, +chiefs, and great people generally, were in the custom of fattening +some of the lower orders for ottomans; and to furnish a house +comfortably in that respect, you had only to buy up eight or ten lazy +fellows, and lay them round in the piers and alcoves. Besides, it was +very convenient on an excursion; much better than those garden-chairs +which are convertible into walking-sticks; upon occasion, a chief +calling his attendant, and desiring him to make a settee of himself +under a spreading tree, perhaps in some damp marshy place. + +While narrating these things, every time Queequeg received the tomahawk +from me, he flourished the hatchet-side of it over the sleeper’s head. + +“What’s that for, Queequeg?” + +“Perry easy, kill-e; oh! perry easy!” + +He was going on with some wild reminiscences about his tomahawk-pipe, +which, it seemed, had in its two uses both brained his foes and soothed +his soul, when we were directly attracted to the sleeping rigger. The +strong vapor now completely filling the contracted hole, it began to +tell upon him. He breathed with a sort of muffledness; then seemed +troubled in the nose; then revolved over once or twice; then sat up and +rubbed his eyes. + +“Holloa!” he breathed at last, “who be ye smokers?” + +“Shipped men,” answered I, “when does she sail?” + +“Aye, aye, ye are going in her, be ye? She sails to-day. The Captain +came aboard last night.” + +“What Captain?—Ahab?” + +“Who but him indeed?” + +I was going to ask him some further questions concerning Ahab, when we +heard a noise on deck. + +“Holloa! Starbuck’s astir,” said the rigger. “He’s a lively chief mate, +that; good man, and a pious; but all alive now, I must turn to.” And so +saying he went on deck, and we followed. + +It was now clear sunrise. Soon the crew came on board in twos and +threes; the riggers bestirred themselves; the mates were actively +engaged; and several of the shore people were busy in bringing various +last things on board. Meanwhile Captain Ahab remained invisibly +enshrined within his cabin. + + +CHAPTER 22. Merry Christmas. + +At length, towards noon, upon the final dismissal of the ship’s +riggers, and after the Pequod had been hauled out from the wharf, and +after the ever-thoughtful Charity had come off in a whale-boat, with +her last gift—a night-cap for Stubb, the second mate, her +brother-in-law, and a spare Bible for the steward—after all this, the +two Captains, Peleg and Bildad, issued from the cabin, and turning to +the chief mate, Peleg said: + +“Now, Mr. Starbuck, are you sure everything is right? Captain Ahab is +all ready—just spoke to him—nothing more to be got from shore, eh? +Well, call all hands, then. Muster ’em aft here—blast ’em!” + +“No need of profane words, however great the hurry, Peleg,” said +Bildad, “but away with thee, friend Starbuck, and do our bidding.” + +How now! Here upon the very point of starting for the voyage, Captain +Peleg and Captain Bildad were going it with a high hand on the +quarter-deck, just as if they were to be joint-commanders at sea, as +well as to all appearances in port. And, as for Captain Ahab, no sign +of him was yet to be seen; only, they said he was in the cabin. But +then, the idea was, that his presence was by no means necessary in +getting the ship under weigh, and steering her well out to sea. Indeed, +as that was not at all his proper business, but the pilot’s; and as he +was not yet completely recovered—so they said—therefore, Captain Ahab +stayed below. And all this seemed natural enough; especially as in the +merchant service many captains never show themselves on deck for a +considerable time after heaving up the anchor, but remain over the +cabin table, having a farewell merry-making with their shore friends, +before they quit the ship for good with the pilot. + +But there was not much chance to think over the matter, for Captain +Peleg was now all alive. He seemed to do most of the talking and +commanding, and not Bildad. + +“Aft here, ye sons of bachelors,” he cried, as the sailors lingered at +the main-mast. “Mr. Starbuck, drive ’em aft.” + +“Strike the tent there!”—was the next order. As I hinted before, this +whalebone marquee was never pitched except in port; and on board the +Pequod, for thirty years, the order to strike the tent was well known +to be the next thing to heaving up the anchor. + +“Man the capstan! Blood and thunder!—jump!”—was the next command, and +the crew sprang for the handspikes. + +Now in getting under weigh, the station generally occupied by the pilot +is the forward part of the ship. And here Bildad, who, with Peleg, be +it known, in addition to his other officers, was one of the licensed +pilots of the port—he being suspected to have got himself made a pilot +in order to save the Nantucket pilot-fee to all the ships he was +concerned in, for he never piloted any other craft—Bildad, I say, might +now be seen actively engaged in looking over the bows for the +approaching anchor, and at intervals singing what seemed a dismal stave +of psalmody, to cheer the hands at the windlass, who roared forth some +sort of a chorus about the girls in Booble Alley, with hearty good +will. Nevertheless, not three days previous, Bildad had told them that +no profane songs would be allowed on board the Pequod, particularly in +getting under weigh; and Charity, his sister, had placed a small choice +copy of Watts in each seaman’s berth. + +Meantime, overseeing the other part of the ship, Captain Peleg ripped +and swore astern in the most frightful manner. I almost thought he +would sink the ship before the anchor could be got up; involuntarily I +paused on my handspike, and told Queequeg to do the same, thinking of +the perils we both ran, in starting on the voyage with such a devil for +a pilot. I was comforting myself, however, with the thought that in +pious Bildad might be found some salvation, spite of his seven hundred +and seventy-seventh lay; when I felt a sudden sharp poke in my rear, +and turning round, was horrified at the apparition of Captain Peleg in +the act of withdrawing his leg from my immediate vicinity. That was my +first kick. + +“Is that the way they heave in the marchant service?” he roared. +“Spring, thou sheep-head; spring, and break thy backbone! Why don’t ye +spring, I say, all of ye—spring! Quohog! spring, thou chap with the red +whiskers; spring there, Scotch-cap; spring, thou green pants. Spring, I +say, all of ye, and spring your eyes out!” And so saying, he moved +along the windlass, here and there using his leg very freely, while +imperturbable Bildad kept leading off with his psalmody. Thinks I, +Captain Peleg must have been drinking something to-day. + +At last the anchor was up, the sails were set, and off we glided. It +was a short, cold Christmas; and as the short northern day merged into +night, we found ourselves almost broad upon the wintry ocean, whose +freezing spray cased us in ice, as in polished armor. The long rows of +teeth on the bulwarks glistened in the moonlight; and like the white +ivory tusks of some huge elephant, vast curving icicles depended from +the bows. + +Lank Bildad, as pilot, headed the first watch, and ever and anon, as +the old craft deep dived into the green seas, and sent the shivering +frost all over her, and the winds howled, and the cordage rang, his +steady notes were heard,— + + +_“Sweet fields beyond the swelling flood, Stand dressed in living +green. So to the Jews old Canaan stood, While Jordan rolled between.”_ + + + +Never did those sweet words sound more sweetly to me than then. They +were full of hope and fruition. Spite of this frigid winter night in +the boisterous Atlantic, spite of my wet feet and wetter jacket, there +was yet, it then seemed to me, many a pleasant haven in store; and +meads and glades so eternally vernal, that the grass shot up by the +spring, untrodden, unwilted, remains at midsummer. + +At last we gained such an offing, that the two pilots were needed no +longer. The stout sail-boat that had accompanied us began ranging +alongside. + +It was curious and not unpleasing, how Peleg and Bildad were affected +at this juncture, especially Captain Bildad. For loath to depart, yet; +very loath to leave, for good, a ship bound on so long and perilous a +voyage—beyond both stormy Capes; a ship in which some thousands of his +hard earned dollars were invested; a ship, in which an old shipmate +sailed as captain; a man almost as old as he, once more starting to +encounter all the terrors of the pitiless jaw; loath to say good-bye to +a thing so every way brimful of every interest to him,—poor old Bildad +lingered long; paced the deck with anxious strides; ran down into the +cabin to speak another farewell word there; again came on deck, and +looked to windward; looked towards the wide and endless waters, only +bounded by the far-off unseen Eastern Continents; looked towards the +land; looked aloft; looked right and left; looked everywhere and +nowhere; and at last, mechanically coiling a rope upon its pin, +convulsively grasped stout Peleg by the hand, and holding up a lantern, +for a moment stood gazing heroically in his face, as much as to say, +“Nevertheless, friend Peleg, I can stand it; yes, I can.” + +As for Peleg himself, he took it more like a philosopher; but for all +his philosophy, there was a tear twinkling in his eye, when the lantern +came too near. And he, too, did not a little run from cabin to deck—now +a word below, and now a word with Starbuck, the chief mate. + +But, at last, he turned to his comrade, with a final sort of look about +him,—“Captain Bildad—come, old shipmate, we must go. Back the main-yard +there! Boat ahoy! Stand by to come close alongside, now! Careful, +careful!—come, Bildad, boy—say your last. Luck to ye, Starbuck—luck to +ye, Mr. Stubb—luck to ye, Mr. Flask—good-bye and good luck to ye +all—and this day three years I’ll have a hot supper smoking for ye in +old Nantucket. Hurrah and away!” + +“God bless ye, and have ye in His holy keeping, men,” murmured old +Bildad, almost incoherently. “I hope ye’ll have fine weather now, so +that Captain Ahab may soon be moving among ye—a pleasant sun is all he +needs, and ye’ll have plenty of them in the tropic voyage ye go. Be +careful in the hunt, ye mates. Don’t stave the boats needlessly, ye +harpooneers; good white cedar plank is raised full three per cent. +within the year. Don’t forget your prayers, either. Mr. Starbuck, mind +that cooper don’t waste the spare staves. Oh! the sail-needles are in +the green locker! Don’t whale it too much a’ Lord’s days, men; but +don’t miss a fair chance either, that’s rejecting Heaven’s good gifts. +Have an eye to the molasses tierce, Mr. Stubb; it was a little leaky, I +thought. If ye touch at the islands, Mr. Flask, beware of fornication. +Good-bye, good-bye! Don’t keep that cheese too long down in the hold, +Mr. Starbuck; it’ll spoil. Be careful with the butter—twenty cents the +pound it was, and mind ye, if—” + +“Come, come, Captain Bildad; stop palavering,—away!” and with that, +Peleg hurried him over the side, and both dropt into the boat. + +Ship and boat diverged; the cold, damp night breeze blew between; a +screaming gull flew overhead; the two hulls wildly rolled; we gave +three heavy-hearted cheers, and blindly plunged like fate into the lone +Atlantic. + + +CHAPTER 23. The Lee Shore. + +Some chapters back, one Bulkington was spoken of, a tall, newlanded +mariner, encountered in New Bedford at the inn. + +When on that shivering winter’s night, the Pequod thrust her vindictive +bows into the cold malicious waves, who should I see standing at her +helm but Bulkington! I looked with sympathetic awe and fearfulness upon +the man, who in mid-winter just landed from a four years’ dangerous +voyage, could so unrestingly push off again for still another +tempestuous term. The land seemed scorching to his feet. Wonderfullest +things are ever the unmentionable; deep memories yield no epitaphs; +this six-inch chapter is the stoneless grave of Bulkington. Let me only +say that it fared with him as with the storm-tossed ship, that +miserably drives along the leeward land. The port would fain give +succor; the port is pitiful; in the port is safety, comfort, +hearthstone, supper, warm blankets, friends, all that’s kind to our +mortalities. But in that gale, the port, the land, is that ship’s +direst jeopardy; she must fly all hospitality; one touch of land, +though it but graze the keel, would make her shudder through and +through. With all her might she crowds all sail off shore; in so doing, +fights ’gainst the very winds that fain would blow her homeward; seeks +all the lashed sea’s landlessness again; for refuge’s sake forlornly +rushing into peril; her only friend her bitterest foe! + +Know ye now, Bulkington? Glimpses do ye seem to see of that mortally +intolerable truth; that all deep, earnest thinking is but the intrepid +effort of the soul to keep the open independence of her sea; while the +wildest winds of heaven and earth conspire to cast her on the +treacherous, slavish shore? + +But as in landlessness alone resides highest truth, shoreless, +indefinite as God—so, better is it to perish in that howling infinite, +than be ingloriously dashed upon the lee, even if that were safety! For +worm-like, then, oh! who would craven crawl to land! Terrors of the +terrible! is all this agony so vain? Take heart, take heart, O +Bulkington! Bear thee grimly, demigod! Up from the spray of thy +ocean-perishing—straight up, leaps thy apotheosis! + + +CHAPTER 24. The Advocate. + +As Queequeg and I are now fairly embarked in this business of whaling; +and as this business of whaling has somehow come to be regarded among +landsmen as a rather unpoetical and disreputable pursuit; therefore, I +am all anxiety to convince ye, ye landsmen, of the injustice hereby +done to us hunters of whales. + +In the first place, it may be deemed almost superfluous to establish +the fact, that among people at large, the business of whaling is not +accounted on a level with what are called the liberal professions. If a +stranger were introduced into any miscellaneous metropolitan society, +it would but slightly advance the general opinion of his merits, were +he presented to the company as a harpooneer, say; and if in emulation +of the naval officers he should append the initials S.W.F. (Sperm Whale +Fishery) to his visiting card, such a procedure would be deemed +pre-eminently presuming and ridiculous. + +Doubtless one leading reason why the world declines honoring us +whalemen, is this: they think that, at best, our vocation amounts to a +butchering sort of business; and that when actively engaged therein, we +are surrounded by all manner of defilements. Butchers we are, that is +true. But butchers, also, and butchers of the bloodiest badge have been +all Martial Commanders whom the world invariably delights to honor. And +as for the matter of the alleged uncleanliness of our business, ye +shall soon be initiated into certain facts hitherto pretty generally +unknown, and which, upon the whole, will triumphantly plant the sperm +whale-ship at least among the cleanliest things of this tidy earth. But +even granting the charge in question to be true; what disordered +slippery decks of a whale-ship are comparable to the unspeakable +carrion of those battle-fields from which so many soldiers return to +drink in all ladies’ plaudits? And if the idea of peril so much +enhances the popular conceit of the soldier’s profession; let me assure +ye that many a veteran who has freely marched up to a battery, would +quickly recoil at the apparition of the sperm whale’s vast tail, +fanning into eddies the air over his head. For what are the +comprehensible terrors of man compared with the interlinked terrors and +wonders of God! + +But, though the world scouts at us whale hunters, yet does it +unwittingly pay us the profoundest homage; yea, an all-abounding +adoration! for almost all the tapers, lamps, and candles that burn +round the globe, burn, as before so many shrines, to our glory! + +But look at this matter in other lights; weigh it in all sorts of +scales; see what we whalemen are, and have been. + +Why did the Dutch in De Witt’s time have admirals of their whaling +fleets? Why did Louis XVI. of France, at his own personal expense, fit +out whaling ships from Dunkirk, and politely invite to that town some +score or two of families from our own island of Nantucket? Why did +Britain between the years 1750 and 1788 pay to her whalemen in bounties +upwards of £1,000,000? And lastly, how comes it that we whalemen of +America now outnumber all the rest of the banded whalemen in the world; +sail a navy of upwards of seven hundred vessels; manned by eighteen +thousand men; yearly consuming 4,000,000 of dollars; the ships worth, +at the time of sailing, $20,000,000! and every year importing into our +harbors a well reaped harvest of $7,000,000. How comes all this, if +there be not something puissant in whaling? + +But this is not the half; look again. + +I freely assert, that the cosmopolite philosopher cannot, for his life, +point out one single peaceful influence, which within the last sixty +years has operated more potentially upon the whole broad world, taken +in one aggregate, than the high and mighty business of whaling. One way +and another, it has begotten events so remarkable in themselves, and so +continuously momentous in their sequential issues, that whaling may +well be regarded as that Egyptian mother, who bore offspring themselves +pregnant from her womb. It would be a hopeless, endless task to +catalogue all these things. Let a handful suffice. For many years past +the whale-ship has been the pioneer in ferreting out the remotest and +least known parts of the earth. She has explored seas and archipelagoes +which had no chart, where no Cook or Vancouver had ever sailed. If +American and European men-of-war now peacefully ride in once savage +harbors, let them fire salutes to the honor and glory of the +whale-ship, which originally showed them the way, and first interpreted +between them and the savages. They may celebrate as they will the +heroes of Exploring Expeditions, your Cooks, your Krusensterns; but I +say that scores of anonymous Captains have sailed out of Nantucket, +that were as great, and greater than your Cook and your Krusenstern. +For in their succourless empty-handedness, they, in the heathenish +sharked waters, and by the beaches of unrecorded, javelin islands, +battled with virgin wonders and terrors that Cook with all his marines +and muskets would not willingly have dared. All that is made such a +flourish of in the old South Sea Voyages, those things were but the +life-time commonplaces of our heroic Nantucketers. Often, adventures +which Vancouver dedicates three chapters to, these men accounted +unworthy of being set down in the ship’s common log. Ah, the world! Oh, +the world! + +Until the whale fishery rounded Cape Horn, no commerce but colonial, +scarcely any intercourse but colonial, was carried on between Europe +and the long line of the opulent Spanish provinces on the Pacific +coast. It was the whaleman who first broke through the jealous policy +of the Spanish crown, touching those colonies; and, if space permitted, +it might be distinctly shown how from those whalemen at last eventuated +the liberation of Peru, Chili, and Bolivia from the yoke of Old Spain, +and the establishment of the eternal democracy in those parts. + +That great America on the other side of the sphere, Australia, was +given to the enlightened world by the whaleman. After its first +blunder-born discovery by a Dutchman, all other ships long shunned +those shores as pestiferously barbarous; but the whale-ship touched +there. The whale-ship is the true mother of that now mighty colony. +Moreover, in the infancy of the first Australian settlement, the +emigrants were several times saved from starvation by the benevolent +biscuit of the whale-ship luckily dropping an anchor in their waters. +The uncounted isles of all Polynesia confess the same truth, and do +commercial homage to the whale-ship, that cleared the way for the +missionary and the merchant, and in many cases carried the primitive +missionaries to their first destinations. If that double-bolted land, +Japan, is ever to become hospitable, it is the whale-ship alone to whom +the credit will be due; for already she is on the threshold. + +But if, in the face of all this, you still declare that whaling has no +æsthetically noble associations connected with it, then am I ready to +shiver fifty lances with you there, and unhorse you with a split helmet +every time. + +The whale has no famous author, and whaling no famous chronicler, you +will say. + +_The whale no famous author, and whaling no famous chronicler?_ Who +wrote the first account of our Leviathan? Who but mighty Job! And who +composed the first narrative of a whaling-voyage? Who, but no less a +prince than Alfred the Great, who, with his own royal pen, took down +the words from Other, the Norwegian whale-hunter of those times! And +who pronounced our glowing eulogy in Parliament? Who, but Edmund Burke! + +True enough, but then whalemen themselves are poor devils; they have no +good blood in their veins. + +_No good blood in their veins?_ They have something better than royal +blood there. The grandmother of Benjamin Franklin was Mary Morrel; +afterwards, by marriage, Mary Folger, one of the old settlers of +Nantucket, and the ancestress to a long line of Folgers and +harpooneers—all kith and kin to noble Benjamin—this day darting the +barbed iron from one side of the world to the other. + +Good again; but then all confess that somehow whaling is not +respectable. + +_Whaling not respectable?_ Whaling is imperial! By old English +statutory law, the whale is declared “a royal fish.” * + +Oh, that’s only nominal! The whale himself has never figured in any +grand imposing way. + +_The whale never figured in any grand imposing way?_ In one of the +mighty triumphs given to a Roman general upon his entering the world’s +capital, the bones of a whale, brought all the way from the Syrian +coast, were the most conspicuous object in the cymballed procession.* + +*See subsequent chapters for something more on this head. + +Grant it, since you cite it; but, say what you will, there is no real +dignity in whaling. + +_No dignity in whaling?_ The dignity of our calling the very heavens +attest. Cetus is a constellation in the South! No more! Drive down your +hat in presence of the Czar, and take it off to Queequeg! No more! I +know a man that, in his lifetime, has taken three hundred and fifty +whales. I account that man more honorable than that great captain of +antiquity who boasted of taking as many walled towns. + +And, as for me, if, by any possibility, there be any as yet +undiscovered prime thing in me; if I shall ever deserve any real repute +in that small but high hushed world which I might not be unreasonably +ambitious of; if hereafter I shall do anything that, upon the whole, a +man might rather have done than to have left undone; if, at my death, +my executors, or more properly my creditors, find any precious MSS. in +my desk, then here I prospectively ascribe all the honor and the glory +to whaling; for a whale-ship was my Yale College and my Harvard. + + +CHAPTER 25. Postscript. + +In behalf of the dignity of whaling, I would fain advance naught but +substantiated facts. But after embattling his facts, an advocate who +should wholly suppress a not unreasonable surmise, which might tell +eloquently upon his cause—such an advocate, would he not be +blameworthy? + +It is well known that at the coronation of kings and queens, even +modern ones, a certain curious process of seasoning them for their +functions is gone through. There is a saltcellar of state, so called, +and there may be a castor of state. How they use the salt, +precisely—who knows? Certain I am, however, that a king’s head is +solemnly oiled at his coronation, even as a head of salad. Can it be, +though, that they anoint it with a view of making its interior run +well, as they anoint machinery? Much might be ruminated here, +concerning the essential dignity of this regal process, because in +common life we esteem but meanly and contemptibly a fellow who anoints +his hair, and palpably smells of that anointing. In truth, a mature man +who uses hair-oil, unless medicinally, that man has probably got a +quoggy spot in him somewhere. As a general rule, he can’t amount to +much in his totality. + +But the only thing to be considered here, is this—what kind of oil is +used at coronations? Certainly it cannot be olive oil, nor macassar +oil, nor castor oil, nor bear’s oil, nor train oil, nor cod-liver oil. +What then can it possibly be, but sperm oil in its unmanufactured, +unpolluted state, the sweetest of all oils? + +Think of that, ye loyal Britons! we whalemen supply your kings and +queens with coronation stuff! + + +CHAPTER 26. Knights and Squires. + +The chief mate of the Pequod was Starbuck, a native of Nantucket, and a +Quaker by descent. He was a long, earnest man, and though born on an +icy coast, seemed well adapted to endure hot latitudes, his flesh being +hard as twice-baked biscuit. Transported to the Indies, his live blood +would not spoil like bottled ale. He must have been born in some time +of general drought and famine, or upon one of those fast days for which +his state is famous. Only some thirty arid summers had he seen; those +summers had dried up all his physical superfluousness. But this, his +thinness, so to speak, seemed no more the token of wasting anxieties +and cares, than it seemed the indication of any bodily blight. It was +merely the condensation of the man. He was by no means ill-looking; +quite the contrary. His pure tight skin was an excellent fit; and +closely wrapped up in it, and embalmed with inner health and strength, +like a revivified Egyptian, this Starbuck seemed prepared to endure for +long ages to come, and to endure always, as now; for be it Polar snow +or torrid sun, like a patent chronometer, his interior vitality was +warranted to do well in all climates. Looking into his eyes, you seemed +to see there the yet lingering images of those thousand-fold perils he +had calmly confronted through life. A staid, steadfast man, whose life +for the most part was a telling pantomime of action, and not a tame +chapter of sounds. Yet, for all his hardy sobriety and fortitude, there +were certain qualities in him which at times affected, and in some +cases seemed well nigh to overbalance all the rest. Uncommonly +conscientious for a seaman, and endued with a deep natural reverence, +the wild watery loneliness of his life did therefore strongly incline +him to superstition; but to that sort of superstition, which in some +organizations seems rather to spring, somehow, from intelligence than +from ignorance. Outward portents and inward presentiments were his. And +if at times these things bent the welded iron of his soul, much more +did his far-away domestic memories of his young Cape wife and child, +tend to bend him still more from the original ruggedness of his nature, +and open him still further to those latent influences which, in some +honest-hearted men, restrain the gush of dare-devil daring, so often +evinced by others in the more perilous vicissitudes of the fishery. “I +will have no man in my boat,” said Starbuck, “who is not afraid of a +whale.” By this, he seemed to mean, not only that the most reliable and +useful courage was that which arises from the fair estimation of the +encountered peril, but that an utterly fearless man is a far more +dangerous comrade than a coward. + +“Aye, aye,” said Stubb, the second mate, “Starbuck, there, is as +careful a man as you’ll find anywhere in this fishery.” But we shall +ere long see what that word “careful” precisely means when used by a +man like Stubb, or almost any other whale hunter. + +Starbuck was no crusader after perils; in him courage was not a +sentiment; but a thing simply useful to him, and always at hand upon +all mortally practical occasions. Besides, he thought, perhaps, that in +this business of whaling, courage was one of the great staple outfits +of the ship, like her beef and her bread, and not to be foolishly +wasted. Wherefore he had no fancy for lowering for whales after +sun-down; nor for persisting in fighting a fish that too much persisted +in fighting him. For, thought Starbuck, I am here in this critical +ocean to kill whales for my living, and not to be killed by them for +theirs; and that hundreds of men had been so killed Starbuck well knew. +What doom was his own father’s? Where, in the bottomless deeps, could +he find the torn limbs of his brother? + +With memories like these in him, and, moreover, given to a certain +superstitiousness, as has been said; the courage of this Starbuck which +could, nevertheless, still flourish, must indeed have been extreme. But +it was not in reasonable nature that a man so organized, and with such +terrible experiences and remembrances as he had; it was not in nature +that these things should fail in latently engendering an element in +him, which, under suitable circumstances, would break out from its +confinement, and burn all his courage up. And brave as he might be, it +was that sort of bravery chiefly, visible in some intrepid men, which, +while generally abiding firm in the conflict with seas, or winds, or +whales, or any of the ordinary irrational horrors of the world, yet +cannot withstand those more terrific, because more spiritual terrors, +which sometimes menace you from the concentrating brow of an enraged +and mighty man. + +But were the coming narrative to reveal in any instance, the complete +abasement of poor Starbuck’s fortitude, scarce might I have the heart +to write it; for it is a thing most sorrowful, nay shocking, to expose +the fall of valour in the soul. Men may seem detestable as joint +stock-companies and nations; knaves, fools, and murderers there may be; +men may have mean and meagre faces; but man, in the ideal, is so noble +and so sparkling, such a grand and glowing creature, that over any +ignominious blemish in him all his fellows should run to throw their +costliest robes. That immaculate manliness we feel within ourselves, so +far within us, that it remains intact though all the outer character +seem gone; bleeds with keenest anguish at the undraped spectacle of a +valor-ruined man. Nor can piety itself, at such a shameful sight, +completely stifle her upbraidings against the permitting stars. But +this august dignity I treat of, is not the dignity of kings and robes, +but that abounding dignity which has no robed investiture. Thou shalt +see it shining in the arm that wields a pick or drives a spike; that +democratic dignity which, on all hands, radiates without end from God; +Himself! The great God absolute! The centre and circumference of all +democracy! His omnipresence, our divine equality! + +If, then, to meanest mariners, and renegades and castaways, I shall +hereafter ascribe high qualities, though dark; weave round them tragic +graces; if even the most mournful, perchance the most abased, among +them all, shall at times lift himself to the exalted mounts; if I shall +touch that workman’s arm with some ethereal light; if I shall spread a +rainbow over his disastrous set of sun; then against all mortal critics +bear me out in it, thou just Spirit of Equality, which hast spread one +royal mantle of humanity over all my kind! Bear me out in it, thou +great democratic God! who didst not refuse to the swart convict, +Bunyan, the pale, poetic pearl; Thou who didst clothe with doubly +hammered leaves of finest gold, the stumped and paupered arm of old +Cervantes; Thou who didst pick up Andrew Jackson from the pebbles; who +didst hurl him upon a war-horse; who didst thunder him higher than a +throne! Thou who, in all Thy mighty, earthly marchings, ever cullest +Thy selectest champions from the kingly commons; bear me out in it, O +God! + + +CHAPTER 27. Knights and Squires. + +Stubb was the second mate. He was a native of Cape Cod; and hence, +according to local usage, was called a Cape-Cod-man. A happy-go-lucky; +neither craven nor valiant; taking perils as they came with an +indifferent air; and while engaged in the most imminent crisis of the +chase, toiling away, calm and collected as a journeyman joiner engaged +for the year. Good-humored, easy, and careless, he presided over his +whale-boat as if the most deadly encounter were but a dinner, and his +crew all invited guests. He was as particular about the comfortable +arrangement of his part of the boat, as an old stage-driver is about +the snugness of his box. When close to the whale, in the very +death-lock of the fight, he handled his unpitying lance coolly and +off-handedly, as a whistling tinker his hammer. He would hum over his +old rigadig tunes while flank and flank with the most exasperated +monster. Long usage had, for this Stubb, converted the jaws of death +into an easy chair. What he thought of death itself, there is no +telling. Whether he ever thought of it at all, might be a question; +but, if he ever did chance to cast his mind that way after a +comfortable dinner, no doubt, like a good sailor, he took it to be a +sort of call of the watch to tumble aloft, and bestir themselves there, +about something which he would find out when he obeyed the order, and +not sooner. + +What, perhaps, with other things, made Stubb such an easy-going, +unfearing man, so cheerily trudging off with the burden of life in a +world full of grave pedlars, all bowed to the ground with their packs; +what helped to bring about that almost impious good-humor of his; that +thing must have been his pipe. For, like his nose, his short, black +little pipe was one of the regular features of his face. You would +almost as soon have expected him to turn out of his bunk without his +nose as without his pipe. He kept a whole row of pipes there ready +loaded, stuck in a rack, within easy reach of his hand; and, whenever +he turned in, he smoked them all out in succession, lighting one from +the other to the end of the chapter; then loading them again to be in +readiness anew. For, when Stubb dressed, instead of first putting his +legs into his trowsers, he put his pipe into his mouth. + +I say this continual smoking must have been one cause, at least, of his +peculiar disposition; for every one knows that this earthly air, +whether ashore or afloat, is terribly infected with the nameless +miseries of the numberless mortals who have died exhaling it; and as in +time of the cholera, some people go about with a camphorated +handkerchief to their mouths; so, likewise, against all mortal +tribulations, Stubb’s tobacco smoke might have operated as a sort of +disinfecting agent. + +The third mate was Flask, a native of Tisbury, in Martha’s Vineyard. A +short, stout, ruddy young fellow, very pugnacious concerning whales, +who somehow seemed to think that the great leviathans had personally +and hereditarily affronted him; and therefore it was a sort of point of +honor with him, to destroy them whenever encountered. So utterly lost +was he to all sense of reverence for the many marvels of their majestic +bulk and mystic ways; and so dead to anything like an apprehension of +any possible danger from encountering them; that in his poor opinion, +the wondrous whale was but a species of magnified mouse, or at least +water-rat, requiring only a little circumvention and some small +application of time and trouble in order to kill and boil. This +ignorant, unconscious fearlessness of his made him a little waggish in +the matter of whales; he followed these fish for the fun of it; and a +three years’ voyage round Cape Horn was only a jolly joke that lasted +that length of time. As a carpenter’s nails are divided into wrought +nails and cut nails; so mankind may be similarly divided. Little Flask +was one of the wrought ones; made to clinch tight and last long. They +called him King-Post on board of the Pequod; because, in form, he could +be well likened to the short, square timber known by that name in +Arctic whalers; and which by the means of many radiating side timbers +inserted into it, serves to brace the ship against the icy concussions +of those battering seas. + +Now these three mates—Starbuck, Stubb, and Flask, were momentous men. +They it was who by universal prescription commanded three of the +Pequod’s boats as headsmen. In that grand order of battle in which +Captain Ahab would probably marshal his forces to descend on the +whales, these three headsmen were as captains of companies. Or, being +armed with their long keen whaling spears, they were as a picked trio +of lancers; even as the harpooneers were flingers of javelins. + +And since in this famous fishery, each mate or headsman, like a Gothic +Knight of old, is always accompanied by his boat-steerer or harpooneer, +who in certain conjunctures provides him with a fresh lance, when the +former one has been badly twisted, or elbowed in the assault; and +moreover, as there generally subsists between the two, a close intimacy +and friendliness; it is therefore but meet, that in this place we set +down who the Pequod’s harpooneers were, and to what headsman each of +them belonged. + +First of all was Queequeg, whom Starbuck, the chief mate, had selected +for his squire. But Queequeg is already known. + +Next was Tashtego, an unmixed Indian from Gay Head, the most westerly +promontory of Martha’s Vineyard, where there still exists the last +remnant of a village of red men, which has long supplied the +neighboring island of Nantucket with many of her most daring +harpooneers. In the fishery, they usually go by the generic name of +Gay-Headers. Tashtego’s long, lean, sable hair, his high cheek bones, +and black rounding eyes—for an Indian, Oriental in their largeness, but +Antarctic in their glittering expression—all this sufficiently +proclaimed him an inheritor of the unvitiated blood of those proud +warrior hunters, who, in quest of the great New England moose, had +scoured, bow in hand, the aboriginal forests of the main. But no longer +snuffing in the trail of the wild beasts of the woodland, Tashtego now +hunted in the wake of the great whales of the sea; the unerring harpoon +of the son fitly replacing the infallible arrow of the sires. To look +at the tawny brawn of his lithe snaky limbs, you would almost have +credited the superstitions of some of the earlier Puritans, and +half-believed this wild Indian to be a son of the Prince of the Powers +of the Air. Tashtego was Stubb the second mate’s squire. + +Third among the harpooneers was Daggoo, a gigantic, coal-black +negro-savage, with a lion-like tread—an Ahasuerus to behold. Suspended +from his ears were two golden hoops, so large that the sailors called +them ring-bolts, and would talk of securing the top-sail halyards to +them. In his youth Daggoo had voluntarily shipped on board of a whaler, +lying in a lonely bay on his native coast. And never having been +anywhere in the world but in Africa, Nantucket, and the pagan harbors +most frequented by whalemen; and having now led for many years the bold +life of the fishery in the ships of owners uncommonly heedful of what +manner of men they shipped; Daggoo retained all his barbaric virtues, +and erect as a giraffe, moved about the decks in all the pomp of six +feet five in his socks. There was a corporeal humility in looking up at +him; and a white man standing before him seemed a white flag come to +beg truce of a fortress. Curious to tell, this imperial negro, +Ahasuerus Daggoo, was the Squire of little Flask, who looked like a +chess-man beside him. As for the residue of the Pequod’s company, be it +said, that at the present day not one in two of the many thousand men +before the mast employed in the American whale fishery, are Americans +born, though pretty nearly all the officers are. Herein it is the same +with the American whale fishery as with the American army and military +and merchant navies, and the engineering forces employed in the +construction of the American Canals and Railroads. The same, I say, +because in all these cases the native American liberally provides the +brains, the rest of the world as generously supplying the muscles. No +small number of these whaling seamen belong to the Azores, where the +outward bound Nantucket whalers frequently touch to augment their crews +from the hardy peasants of those rocky shores. In like manner, the +Greenland whalers sailing out of Hull or London, put in at the Shetland +Islands, to receive the full complement of their crew. Upon the passage +homewards, they drop them there again. How it is, there is no telling, +but Islanders seem to make the best whalemen. They were nearly all +Islanders in the Pequod, _Isolatoes_ too, I call such, not +acknowledging the common continent of men, but each _Isolato_ living on +a separate continent of his own. Yet now, federated along one keel, +what a set these Isolatoes were! An Anacharsis Clootz deputation from +all the isles of the sea, and all the ends of the earth, accompanying +Old Ahab in the Pequod to lay the world’s grievances before that bar +from which not very many of them ever come back. Black Little Pip—he +never did—oh, no! he went before. Poor Alabama boy! On the grim +Pequod’s forecastle, ye shall ere long see him, beating his tambourine; +prelusive of the eternal time, when sent for, to the great quarter-deck +on high, he was bid strike in with angels, and beat his tambourine in +glory; called a coward here, hailed a hero there! + + +CHAPTER 28. Ahab. + +For several days after leaving Nantucket, nothing above hatches was +seen of Captain Ahab. The mates regularly relieved each other at the +watches, and for aught that could be seen to the contrary, they seemed +to be the only commanders of the ship; only they sometimes issued from +the cabin with orders so sudden and peremptory, that after all it was +plain they but commanded vicariously. Yes, their supreme lord and +dictator was there, though hitherto unseen by any eyes not permitted to +penetrate into the now sacred retreat of the cabin. + +Every time I ascended to the deck from my watches below, I instantly +gazed aft to mark if any strange face were visible; for my first vague +disquietude touching the unknown captain, now in the seclusion of the +sea, became almost a perturbation. This was strangely heightened at +times by the ragged Elijah’s diabolical incoherences uninvitedly +recurring to me, with a subtle energy I could not have before conceived +of. But poorly could I withstand them, much as in other moods I was +almost ready to smile at the solemn whimsicalities of that outlandish +prophet of the wharves. But whatever it was of apprehensiveness or +uneasiness—to call it so—which I felt, yet whenever I came to look +about me in the ship, it seemed against all warrantry to cherish such +emotions. For though the harpooneers, with the great body of the crew, +were a far more barbaric, heathenish, and motley set than any of the +tame merchant-ship companies which my previous experiences had made me +acquainted with, still I ascribed this—and rightly ascribed it—to the +fierce uniqueness of the very nature of that wild Scandinavian vocation +in which I had so abandonedly embarked. But it was especially the +aspect of the three chief officers of the ship, the mates, which was +most forcibly calculated to allay these colourless misgivings, and +induce confidence and cheerfulness in every presentment of the voyage. +Three better, more likely sea-officers and men, each in his own +different way, could not readily be found, and they were every one of +them Americans; a Nantucketer, a Vineyarder, a Cape man. Now, it being +Christmas when the ship shot from out her harbor, for a space we had +biting Polar weather, though all the time running away from it to the +southward; and by every degree and minute of latitude which we sailed, +gradually leaving that merciless winter, and all its intolerable +weather behind us. It was one of those less lowering, but still grey +and gloomy enough mornings of the transition, when with a fair wind the +ship was rushing through the water with a vindictive sort of leaping +and melancholy rapidity, that as I mounted to the deck at the call of +the forenoon watch, so soon as I levelled my glance towards the +taffrail, foreboding shivers ran over me. Reality outran apprehension; +Captain Ahab stood upon his quarter-deck. + +There seemed no sign of common bodily illness about him, nor of the +recovery from any. He looked like a man cut away from the stake, when +the fire has overrunningly wasted all the limbs without consuming them, +or taking away one particle from their compacted aged robustness. His +whole high, broad form, seemed made of solid bronze, and shaped in an +unalterable mould, like Cellini’s cast Perseus. Threading its way out +from among his grey hairs, and continuing right down one side of his +tawny scorched face and neck, till it disappeared in his clothing, you +saw a slender rod-like mark, lividly whitish. It resembled that +perpendicular seam sometimes made in the straight, lofty trunk of a +great tree, when the upper lightning tearingly darts down it, and +without wrenching a single twig, peels and grooves out the bark from +top to bottom, ere running off into the soil, leaving the tree still +greenly alive, but branded. Whether that mark was born with him, or +whether it was the scar left by some desperate wound, no one could +certainly say. By some tacit consent, throughout the voyage little or +no allusion was made to it, especially by the mates. But once +Tashtego’s senior, an old Gay-Head Indian among the crew, +superstitiously asserted that not till he was full forty years old did +Ahab become that way branded, and then it came upon him, not in the +fury of any mortal fray, but in an elemental strife at sea. Yet, this +wild hint seemed inferentially negatived, by what a grey Manxman +insinuated, an old sepulchral man, who, having never before sailed out +of Nantucket, had never ere this laid eye upon wild Ahab. Nevertheless, +the old sea-traditions, the immemorial credulities, popularly invested +this old Manxman with preternatural powers of discernment. So that no +white sailor seriously contradicted him when he said that if ever +Captain Ahab should be tranquilly laid out—which might hardly come to +pass, so he muttered—then, whoever should do that last office for the +dead, would find a birth-mark on him from crown to sole. + +So powerfully did the whole grim aspect of Ahab affect me, and the +livid brand which streaked it, that for the first few moments I hardly +noted that not a little of this overbearing grimness was owing to the +barbaric white leg upon which he partly stood. It had previously come +to me that this ivory leg had at sea been fashioned from the polished +bone of the sperm whale’s jaw. “Aye, he was dismasted off Japan,” said +the old Gay-Head Indian once; “but like his dismasted craft, he shipped +another mast without coming home for it. He has a quiver of ’em.” + +I was struck with the singular posture he maintained. Upon each side of +the Pequod’s quarter deck, and pretty close to the mizzen shrouds, +there was an auger hole, bored about half an inch or so, into the +plank. His bone leg steadied in that hole; one arm elevated, and +holding by a shroud; Captain Ahab stood erect, looking straight out +beyond the ship’s ever-pitching prow. There was an infinity of firmest +fortitude, a determinate, unsurrenderable wilfulness, in the fixed and +fearless, forward dedication of that glance. Not a word he spoke; nor +did his officers say aught to him; though by all their minutest +gestures and expressions, they plainly showed the uneasy, if not +painful, consciousness of being under a troubled master-eye. And not +only that, but moody stricken Ahab stood before them with a crucifixion +in his face; in all the nameless regal overbearing dignity of some +mighty woe. + +Ere long, from his first visit in the air, he withdrew into his cabin. +But after that morning, he was every day visible to the crew; either +standing in his pivot-hole, or seated upon an ivory stool he had; or +heavily walking the deck. As the sky grew less gloomy; indeed, began to +grow a little genial, he became still less and less a recluse; as if, +when the ship had sailed from home, nothing but the dead wintry +bleakness of the sea had then kept him so secluded. And, by and by, it +came to pass, that he was almost continually in the air; but, as yet, +for all that he said, or perceptibly did, on the at last sunny deck, he +seemed as unnecessary there as another mast. But the Pequod was only +making a passage now; not regularly cruising; nearly all whaling +preparatives needing supervision the mates were fully competent to, so +that there was little or nothing, out of himself, to employ or excite +Ahab, now; and thus chase away, for that one interval, the clouds that +layer upon layer were piled upon his brow, as ever all clouds choose +the loftiest peaks to pile themselves upon. + +Nevertheless, ere long, the warm, warbling persuasiveness of the +pleasant, holiday weather we came to, seemed gradually to charm him +from his mood. For, as when the red-cheeked, dancing girls, April and +May, trip home to the wintry, misanthropic woods; even the barest, +ruggedest, most thunder-cloven old oak will at least send forth some +few green sprouts, to welcome such glad-hearted visitants; so Ahab did, +in the end, a little respond to the playful allurings of that girlish +air. More than once did he put forth the faint blossom of a look, +which, in any other man, would have soon flowered out in a smile. + + +CHAPTER 29. Enter Ahab; to Him, Stubb. + +Some days elapsed, and ice and icebergs all astern, the Pequod now went +rolling through the bright Quito spring, which, at sea, almost +perpetually reigns on the threshold of the eternal August of the +Tropic. The warmly cool, clear, ringing, perfumed, overflowing, +redundant days, were as crystal goblets of Persian sherbet, heaped +up—flaked up, with rose-water snow. The starred and stately nights +seemed haughty dames in jewelled velvets, nursing at home in lonely +pride, the memory of their absent conquering Earls, the golden helmeted +suns! For sleeping man, ’twas hard to choose between such winsome days +and such seducing nights. But all the witcheries of that unwaning +weather did not merely lend new spells and potencies to the outward +world. Inward they turned upon the soul, especially when the still mild +hours of eve came on; then, memory shot her crystals as the clear ice +most forms of noiseless twilights. And all these subtle agencies, more +and more they wrought on Ahab’s texture. + +Old age is always wakeful; as if, the longer linked with life, the less +man has to do with aught that looks like death. Among sea-commanders, +the old greybeards will oftenest leave their berths to visit the +night-cloaked deck. It was so with Ahab; only that now, of late, he +seemed so much to live in the open air, that truly speaking, his visits +were more to the cabin, than from the cabin to the planks. “It feels +like going down into one’s tomb,”—he would mutter to himself—“for an +old captain like me to be descending this narrow scuttle, to go to my +grave-dug berth.” + +So, almost every twenty-four hours, when the watches of the night were +set, and the band on deck sentinelled the slumbers of the band below; +and when if a rope was to be hauled upon the forecastle, the sailors +flung it not rudely down, as by day, but with some cautiousness dropt +it to its place for fear of disturbing their slumbering shipmates; when +this sort of steady quietude would begin to prevail, habitually, the +silent steersman would watch the cabin-scuttle; and ere long the old +man would emerge, gripping at the iron banister, to help his crippled +way. Some considering touch of humanity was in him; for at times like +these, he usually abstained from patrolling the quarter-deck; because +to his wearied mates, seeking repose within six inches of his ivory +heel, such would have been the reverberating crack and din of that bony +step, that their dreams would have been on the crunching teeth of +sharks. But once, the mood was on him too deep for common regardings; +and as with heavy, lumber-like pace he was measuring the ship from +taffrail to mainmast, Stubb, the old second mate, came up from below, +with a certain unassured, deprecating humorousness, hinted that if +Captain Ahab was pleased to walk the planks, then, no one could say +nay; but there might be some way of muffling the noise; hinting +something indistinctly and hesitatingly about a globe of tow, and the +insertion into it, of the ivory heel. Ah! Stubb, thou didst not know +Ahab then. + +“Am I a cannon-ball, Stubb,” said Ahab, “that thou wouldst wad me that +fashion? But go thy ways; I had forgot. Below to thy nightly grave; +where such as ye sleep between shrouds, to use ye to the filling one at +last.—Down, dog, and kennel!” + +Starting at the unforseen concluding exclamation of the so suddenly +scornful old man, Stubb was speechless a moment; then said excitedly, +“I am not used to be spoken to that way, sir; I do but less than half +like it, sir.” + +“Avast! gritted Ahab between his set teeth, and violently moving away, +as if to avoid some passionate temptation. + +“No, sir; not yet,” said Stubb, emboldened, “I will not tamely be +called a dog, sir.” + +“Then be called ten times a donkey, and a mule, and an ass, and begone, +or I’ll clear the world of thee!” + +As he said this, Ahab advanced upon him with such overbearing terrors +in his aspect, that Stubb involuntarily retreated. + +“I was never served so before without giving a hard blow for it,” +muttered Stubb, as he found himself descending the cabin-scuttle. “It’s +very queer. Stop, Stubb; somehow, now, I don’t well know whether to go +back and strike him, or—what’s that?—down here on my knees and pray for +him? Yes, that was the thought coming up in me; but it would be the +first time I ever _did_ pray. It’s queer; very queer; and he’s queer +too; aye, take him fore and aft, he’s about the queerest old man Stubb +ever sailed with. How he flashed at me!—his eyes like powder-pans! is +he mad? Anyway there’s something on his mind, as sure as there must be +something on a deck when it cracks. He aint in his bed now, either, +more than three hours out of the twenty-four; and he don’t sleep then. +Didn’t that Dough-Boy, the steward, tell me that of a morning he always +finds the old man’s hammock clothes all rumpled and tumbled, and the +sheets down at the foot, and the coverlid almost tied into knots, and +the pillow a sort of frightful hot, as though a baked brick had been on +it? A hot old man! I guess he’s got what some folks ashore call a +conscience; it’s a kind of Tic-Dolly-row they say—worse nor a +toothache. Well, well; I don’t know what it is, but the Lord keep me +from catching it. He’s full of riddles; I wonder what he goes into the +after hold for, every night, as Dough-Boy tells me he suspects; what’s +that for, I should like to know? Who’s made appointments with him in +the hold? Ain’t that queer, now? But there’s no telling, it’s the old +game—Here goes for a snooze. Damn me, it’s worth a fellow’s while to be +born into the world, if only to fall right asleep. And now that I think +of it, that’s about the first thing babies do, and that’s a sort of +queer, too. Damn me, but all things are queer, come to think of ’em. +But that’s against my principles. Think not, is my eleventh +commandment; and sleep when you can, is my twelfth—So here goes again. +But how’s that? didn’t he call me a dog? blazes! he called me ten times +a donkey, and piled a lot of jackasses on top of _that!_ He might as +well have kicked me, and done with it. Maybe he _did_ kick me, and I +didn’t observe it, I was so taken all aback with his brow, somehow. It +flashed like a bleached bone. What the devil’s the matter with me? I +don’t stand right on my legs. Coming afoul of that old man has a sort +of turned me wrong side out. By the Lord, I must have been dreaming, +though—How? how? how?—but the only way’s to stash it; so here goes to +hammock again; and in the morning, I’ll see how this plaguey juggling +thinks over by daylight.” + + +CHAPTER 30. The Pipe. + +When Stubb had departed, Ahab stood for a while leaning over the +bulwarks; and then, as had been usual with him of late, calling a +sailor of the watch, he sent him below for his ivory stool, and also +his pipe. Lighting the pipe at the binnacle lamp and planting the stool +on the weather side of the deck, he sat and smoked. + +In old Norse times, the thrones of the sea-loving Danish kings were +fabricated, saith tradition, of the tusks of the narwhale. How could +one look at Ahab then, seated on that tripod of bones, without +bethinking him of the royalty it symbolized? For a Khan of the plank, +and a king of the sea, and a great lord of Leviathans was Ahab. + +Some moments passed, during which the thick vapor came from his mouth +in quick and constant puffs, which blew back again into his face. “How +now,” he soliloquized at last, withdrawing the tube, “this smoking no +longer soothes. Oh, my pipe! hard must it go with me if thy charm be +gone! Here have I been unconsciously toiling, not pleasuring—aye, and +ignorantly smoking to windward all the while; to windward, and with +such nervous whiffs, as if, like the dying whale, my final jets were +the strongest and fullest of trouble. What business have I with this +pipe? This thing that is meant for sereneness, to send up mild white +vapors among mild white hairs, not among torn iron-grey locks like +mine. I’ll smoke no more—” + +He tossed the still lighted pipe into the sea. The fire hissed in the +waves; the same instant the ship shot by the bubble the sinking pipe +made. With slouched hat, Ahab lurchingly paced the planks. + + +CHAPTER 31. Queen Mab. + +Next morning Stubb accosted Flask. + +“Such a queer dream, King-Post, I never had. You know the old man’s +ivory leg, well I dreamed he kicked me with it; and when I tried to +kick back, upon my soul, my little man, I kicked my leg right off! And +then, presto! Ahab seemed a pyramid, and I, like a blazing fool, kept +kicking at it. But what was still more curious, Flask—you know how +curious all dreams are—through all this rage that I was in, I somehow +seemed to be thinking to myself, that after all, it was not much of an +insult, that kick from Ahab. ‘Why,’ thinks I, ‘what’s the row? It’s not +a real leg, only a false leg.’ And there’s a mighty difference between +a living thump and a dead thump. That’s what makes a blow from the +hand, Flask, fifty times more savage to bear than a blow from a cane. +The living member—that makes the living insult, my little man. And +thinks I to myself all the while, mind, while I was stubbing my silly +toes against that cursed pyramid—so confoundedly contradictory was it +all, all the while, I say, I was thinking to myself, ‘what’s his leg +now, but a cane—a whalebone cane. Yes,’ thinks I, ‘it was only a +playful cudgelling—in fact, only a whaleboning that he gave me—not a +base kick. Besides,’ thinks I, ‘look at it once; why, the end of it—the +foot part—what a small sort of end it is; whereas, if a broad footed +farmer kicked me, _there’s_ a devilish broad insult. But this insult is +whittled down to a point only.’ But now comes the greatest joke of the +dream, Flask. While I was battering away at the pyramid, a sort of +badger-haired old merman, with a hump on his back, takes me by the +shoulders, and slews me round. ‘What are you ’bout?’ says he. Slid! +man, but I was frightened. Such a phiz! But, somehow, next moment I was +over the fright. ‘What am I about?’ says I at last. ‘And what business +is that of yours, I should like to know, Mr. Humpback? Do _you_ want a +kick?’ By the lord, Flask, I had no sooner said that, than he turned +round his stern to me, bent over, and dragging up a lot of seaweed he +had for a clout—what do you think, I saw?—why thunder alive, man, his +stern was stuck full of marlinspikes, with the points out. Says I, on +second thoughts, ‘I guess I won’t kick you, old fellow.’ ‘Wise Stubb,’ +said he, ‘wise Stubb;’ and kept muttering it all the time, a sort of +eating of his own gums like a chimney hag. Seeing he wasn’t going to +stop saying over his ‘wise Stubb, wise Stubb,’ I thought I might as +well fall to kicking the pyramid again. But I had only just lifted my +foot for it, when he roared out, ‘Stop that kicking!’ ‘Halloa,’ says I, +‘what’s the matter now, old fellow?’ ‘Look ye here,’ says he; ‘let’s +argue the insult. Captain Ahab kicked ye, didn’t he?’ ‘Yes, he did,’ +says I—‘right _here_ it was.’ ‘Very good,’ says he—‘he used his ivory +leg, didn’t he?’ ‘Yes, he did,’ says I. ‘Well then,’ says he, ‘wise +Stubb, what have you to complain of? Didn’t he kick with right good +will? it wasn’t a common pitch pine leg he kicked with, was it? No, you +were kicked by a great man, and with a beautiful ivory leg, Stubb. It’s +an honor; I consider it an honor. Listen, wise Stubb. In old England +the greatest lords think it great glory to be slapped by a queen, and +made garter-knights of; but, be _your_ boast, Stubb, that ye were +kicked by old Ahab, and made a wise man of. Remember what I say; _be_ +kicked by him; account his kicks honors; and on no account kick back; +for you can’t help yourself, wise Stubb. Don’t you see that pyramid?’ +With that, he all of a sudden seemed somehow, in some queer fashion, to +swim off into the air. I snored; rolled over; and there I was in my +hammock! Now, what do you think of that dream, Flask?” + +“I don’t know; it seems a sort of foolish to me, tho.’” + +“May be; may be. But it’s made a wise man of me, Flask. D’ye see Ahab +standing there, sideways looking over the stern? Well, the best thing +you can do, Flask, is to let the old man alone; never speak to him, +whatever he says. Halloa! What’s that he shouts? Hark!” + +“Mast-head, there! Look sharp, all of ye! There are whales hereabouts! + +“If ye see a white one, split your lungs for him! + +“What do you think of that now, Flask? ain’t there a small drop of +something queer about that, eh? A white whale—did ye mark that, man? +Look ye—there’s something special in the wind. Stand by for it, Flask. +Ahab has that that’s bloody on his mind. But, mum; he comes this way.” + + +CHAPTER 32. Cetology. + +Already we are boldly launched upon the deep; but soon we shall be lost +in its unshored, harbourless immensities. Ere that come to pass; ere +the Pequod’s weedy hull rolls side by side with the barnacled hulls of +the leviathan; at the outset it is but well to attend to a matter +almost indispensable to a thorough appreciative understanding of the +more special leviathanic revelations and allusions of all sorts which +are to follow. + +It is some systematized exhibition of the whale in his broad genera, +that I would now fain put before you. Yet is it no easy task. The +classification of the constituents of a chaos, nothing less is here +essayed. Listen to what the best and latest authorities have laid down. + +“No branch of Zoology is so much involved as that which is entitled +Cetology,” says Captain Scoresby, A.D. 1820. + +“It is not my intention, were it in my power, to enter into the inquiry +as to the true method of dividing the cetacea into groups and families. +* * * Utter confusion exists among the historians of this animal” +(sperm whale), says Surgeon Beale, A.D. 1839. + +“Unfitness to pursue our research in the unfathomable waters.” +“Impenetrable veil covering our knowledge of the cetacea.” “A field +strewn with thorns.” “All these incomplete indications but serve to +torture us naturalists.” + +Thus speak of the whale, the great Cuvier, and John Hunter, and Lesson, +those lights of zoology and anatomy. Nevertheless, though of real +knowledge there be little, yet of books there are a plenty; and so in +some small degree, with cetology, or the science of whales. Many are +the men, small and great, old and new, landsmen and seamen, who have at +large or in little, written of the whale. Run over a few:—The Authors +of the Bible; Aristotle; Pliny; Aldrovandi; Sir Thomas Browne; Gesner; +Ray; Linnæus; Rondeletius; Willoughby; Green; Artedi; Sibbald; Brisson; +Marten; Lacépède; Bonneterre; Desmarest; Baron Cuvier; Frederick +Cuvier; John Hunter; Owen; Scoresby; Beale; Bennett; J. Ross Browne; +the Author of Miriam Coffin; Olmstead; and the Rev. T. Cheever. But to +what ultimate generalizing purpose all these have written, the above +cited extracts will show. + +Of the names in this list of whale authors, only those following Owen +ever saw living whales; and but one of them was a real professional +harpooneer and whaleman. I mean Captain Scoresby. On the separate +subject of the Greenland or right-whale, he is the best existing +authority. But Scoresby knew nothing and says nothing of the great +sperm whale, compared with which the Greenland whale is almost unworthy +mentioning. And here be it said, that the Greenland whale is an usurper +upon the throne of the seas. He is not even by any means the largest of +the whales. Yet, owing to the long priority of his claims, and the +profound ignorance which, till some seventy years back, invested the +then fabulous or utterly unknown sperm-whale, and which ignorance to +this present day still reigns in all but some few scientific retreats +and whale-ports; this usurpation has been every way complete. Reference +to nearly all the leviathanic allusions in the great poets of past +days, will satisfy you that the Greenland whale, without one rival, was +to them the monarch of the seas. But the time has at last come for a +new proclamation. This is Charing Cross; hear ye! good people all,—the +Greenland whale is deposed,—the great sperm whale now reigneth! + +There are only two books in being which at all pretend to put the +living sperm whale before you, and at the same time, in the remotest +degree succeed in the attempt. Those books are Beale’s and Bennett’s; +both in their time surgeons to English South-Sea whale-ships, and both +exact and reliable men. The original matter touching the sperm whale to +be found in their volumes is necessarily small; but so far as it goes, +it is of excellent quality, though mostly confined to scientific +description. As yet, however, the sperm whale, scientific or poetic, +lives not complete in any literature. Far above all other hunted +whales, his is an unwritten life. + +Now the various species of whales need some sort of popular +comprehensive classification, if only an easy outline one for the +present, hereafter to be filled in all its departments by subsequent +laborers. As no better man advances to take this matter in hand, I +hereupon offer my own poor endeavors. I promise nothing complete; +because any human thing supposed to be complete, must for that very +reason infallibly be faulty. I shall not pretend to a minute anatomical +description of the various species, or—in this place at least—to much +of any description. My object here is simply to project the draught of +a systematization of cetology. I am the architect, not the builder. + +But it is a ponderous task; no ordinary letter-sorter in the +Post-Office is equal to it. To grope down into the bottom of the sea +after them; to have one’s hands among the unspeakable foundations, +ribs, and very pelvis of the world; this is a fearful thing. What am I +that I should essay to hook the nose of this leviathan! The awful +tauntings in Job might well appal me. Will he (the leviathan) make a +covenant with thee? Behold the hope of him is vain! But I have swam +through libraries and sailed through oceans; I have had to do with +whales with these visible hands; I am in earnest; and I will try. There +are some preliminaries to settle. + +First: The uncertain, unsettled condition of this science of Cetology +is in the very vestibule attested by the fact, that in some quarters it +still remains a moot point whether a whale be a fish. In his System of +Nature, A.D. 1776, Linnæus declares, “I hereby separate the whales from +the fish.” But of my own knowledge, I know that down to the year 1850, +sharks and shad, alewives and herring, against Linnæus’s express edict, +were still found dividing the possession of the same seas with the +Leviathan. + +The grounds upon which Linnæus would fain have banished the whales from +the waters, he states as follows: “On account of their warm bilocular +heart, their lungs, their movable eyelids, their hollow ears, penem +intrantem feminam mammis lactantem,” and finally, “ex lege naturæ jure +meritoque.” I submitted all this to my friends Simeon Macey and Charley +Coffin, of Nantucket, both messmates of mine in a certain voyage, and +they united in the opinion that the reasons set forth were altogether +insufficient. Charley profanely hinted they were humbug. + +Be it known that, waiving all argument, I take the good old fashioned +ground that the whale is a fish, and call upon holy Jonah to back me. +This fundamental thing settled, the next point is, in what internal +respect does the whale differ from other fish. Above, Linnæus has given +you those items. But in brief, they are these: lungs and warm blood; +whereas, all other fish are lungless and cold blooded. + +Next: how shall we define the whale, by his obvious externals, so as +conspicuously to label him for all time to come? To be short, then, a +whale is _a spouting fish with a horizontal tail_. There you have him. +However contracted, that definition is the result of expanded +meditation. A walrus spouts much like a whale, but the walrus is not a +fish, because he is amphibious. But the last term of the definition is +still more cogent, as coupled with the first. Almost any one must have +noticed that all the fish familiar to landsmen have not a flat, but a +vertical, or up-and-down tail. Whereas, among spouting fish the tail, +though it may be similarly shaped, invariably assumes a horizontal +position. + +By the above definition of what a whale is, I do by no means exclude +from the leviathanic brotherhood any sea creature hitherto identified +with the whale by the best informed Nantucketers; nor, on the other +hand, link with it any fish hitherto authoritatively regarded as +alien.* Hence, all the smaller, spouting, and horizontal tailed fish +must be included in this ground-plan of Cetology. Now, then, come the +grand divisions of the entire whale host. + +*I am aware that down to the present time, the fish styled Lamatins and +Dugongs (Pig-fish and Sow-fish of the Coffins of Nantucket) are +included by many naturalists among the whales. But as these pig-fish +are a noisy, contemptible set, mostly lurking in the mouths of rivers, +and feeding on wet hay, and especially as they do not spout, I deny +their credentials as whales; and have presented them with their +passports to quit the Kingdom of Cetology. + +First: According to magnitude I divide the whales into three primary +BOOKS (subdivisible into CHAPTERS), and these shall comprehend them +all, both small and large. + +I. THE FOLIO WHALE; II. the OCTAVO WHALE; III. the DUODECIMO WHALE. + +As the type of the FOLIO I present the _Sperm Whale_; of the OCTAVO, +the _Grampus_; of the DUODECIMO, the _Porpoise_. + +FOLIOS. Among these I here include the following chapters:—I. The +_Sperm Whale_; II. the _Right Whale_; III. the _Fin-Back Whale_; IV. +the _Hump-backed Whale_; V. the _Razor Back Whale_; VI. the _Sulphur +Bottom Whale_. + +BOOK I. (_Folio_), CHAPTER I. (_Sperm Whale_).—This whale, among the +English of old vaguely known as the Trumpa whale, and the Physeter +whale, and the Anvil Headed whale, is the present Cachalot of the +French, and the Pottsfich of the Germans, and the Macrocephalus of the +Long Words. He is, without doubt, the largest inhabitant of the globe; +the most formidable of all whales to encounter; the most majestic in +aspect; and lastly, by far the most valuable in commerce; he being the +only creature from which that valuable substance, spermaceti, is +obtained. All his peculiarities will, in many other places, be enlarged +upon. It is chiefly with his name that I now have to do. Philologically +considered, it is absurd. Some centuries ago, when the Sperm whale was +almost wholly unknown in his own proper individuality, and when his oil +was only accidentally obtained from the stranded fish; in those days +spermaceti, it would seem, was popularly supposed to be derived from a +creature identical with the one then known in England as the Greenland +or Right Whale. It was the idea also, that this same spermaceti was +that quickening humor of the Greenland Whale which the first syllable +of the word literally expresses. In those times, also, spermaceti was +exceedingly scarce, not being used for light, but only as an ointment +and medicament. It was only to be had from the druggists as you +nowadays buy an ounce of rhubarb. When, as I opine, in the course of +time, the true nature of spermaceti became known, its original name was +still retained by the dealers; no doubt to enhance its value by a +notion so strangely significant of its scarcity. And so the appellation +must at last have come to be bestowed upon the whale from which this +spermaceti was really derived. + +BOOK I. (_Folio_), CHAPTER II. (_Right Whale_).—In one respect this is +the most venerable of the leviathans, being the one first regularly +hunted by man. It yields the article commonly known as whalebone or +baleen; and the oil specially known as “whale oil,” an inferior article +in commerce. Among the fishermen, he is indiscriminately designated by +all the following titles: The Whale; the Greenland Whale; the Black +Whale; the Great Whale; the True Whale; the Right Whale. There is a +deal of obscurity concerning the identity of the species thus +multitudinously baptised. What then is the whale, which I include in +the second species of my Folios? It is the Great Mysticetus of the +English naturalists; the Greenland Whale of the English whalemen; the +Baleine Ordinaire of the French whalemen; the Growlands Walfish of the +Swedes. It is the whale which for more than two centuries past has been +hunted by the Dutch and English in the Arctic seas; it is the whale +which the American fishermen have long pursued in the Indian ocean, on +the Brazil Banks, on the Nor’ West Coast, and various other parts of +the world, designated by them Right Whale Cruising Grounds. + +Some pretend to see a difference between the Greenland whale of the +English and the right whale of the Americans. But they precisely agree +in all their grand features; nor has there yet been presented a single +determinate fact upon which to ground a radical distinction. It is by +endless subdivisions based upon the most inconclusive differences, that +some departments of natural history become so repellingly intricate. +The right whale will be elsewhere treated of at some length, with +reference to elucidating the sperm whale. + +BOOK I. (_Folio_), CHAPTER III. (_Fin-Back_).—Under this head I reckon +a monster which, by the various names of Fin-Back, Tall-Spout, and +Long-John, has been seen almost in every sea and is commonly the whale +whose distant jet is so often descried by passengers crossing the +Atlantic, in the New York packet-tracks. In the length he attains, and +in his baleen, the Fin-back resembles the right whale, but is of a less +portly girth, and a lighter colour, approaching to olive. His great +lips present a cable-like aspect, formed by the intertwisting, slanting +folds of large wrinkles. His grand distinguishing feature, the fin, +from which he derives his name, is often a conspicuous object. This fin +is some three or four feet long, growing vertically from the hinder +part of the back, of an angular shape, and with a very sharp pointed +end. Even if not the slightest other part of the creature be visible, +this isolated fin will, at times, be seen plainly projecting from the +surface. When the sea is moderately calm, and slightly marked with +spherical ripples, and this gnomon-like fin stands up and casts shadows +upon the wrinkled surface, it may well be supposed that the watery +circle surrounding it somewhat resembles a dial, with its style and +wavy hour-lines graved on it. On that Ahaz-dial the shadow often goes +back. The Fin-Back is not gregarious. He seems a whale-hater, as some +men are man-haters. Very shy; always going solitary; unexpectedly +rising to the surface in the remotest and most sullen waters; his +straight and single lofty jet rising like a tall misanthropic spear +upon a barren plain; gifted with such wondrous power and velocity in +swimming, as to defy all present pursuit from man; this leviathan seems +the banished and unconquerable Cain of his race, bearing for his mark +that style upon his back. From having the baleen in his mouth, the +Fin-Back is sometimes included with the right whale, among a theoretic +species denominated _Whalebone whales_, that is, whales with baleen. Of +these so called Whalebone whales, there would seem to be several +varieties, most of which, however, are little known. Broad-nosed whales +and beaked whales; pike-headed whales; bunched whales; under-jawed +whales and rostrated whales, are the fishermen’s names for a few sorts. + +In connection with this appellative of “Whalebone whales,” it is of +great importance to mention, that however such a nomenclature may be +convenient in facilitating allusions to some kind of whales, yet it is +in vain to attempt a clear classification of the Leviathan, founded +upon either his baleen, or hump, or fin, or teeth; notwithstanding that +those marked parts or features very obviously seem better adapted to +afford the basis for a regular system of Cetology than any other +detached bodily distinctions, which the whale, in his kinds, presents. +How then? The baleen, hump, back-fin, and teeth; these are things whose +peculiarities are indiscriminately dispersed among all sorts of whales, +without any regard to what may be the nature of their structure in +other and more essential particulars. Thus, the sperm whale and the +humpbacked whale, each has a hump; but there the similitude ceases. +Then, this same humpbacked whale and the Greenland whale, each of these +has baleen; but there again the similitude ceases. And it is just the +same with the other parts above mentioned. In various sorts of whales, +they form such irregular combinations; or, in the case of any one of +them detached, such an irregular isolation; as utterly to defy all +general methodization formed upon such a basis. On this rock every one +of the whale-naturalists has split. + +But it may possibly be conceived that, in the internal parts of the +whale, in his anatomy—there, at least, we shall be able to hit the +right classification. Nay; what thing, for example, is there in the +Greenland whale’s anatomy more striking than his baleen? Yet we have +seen that by his baleen it is impossible correctly to classify the +Greenland whale. And if you descend into the bowels of the various +leviathans, why there you will not find distinctions a fiftieth part as +available to the systematizer as those external ones already +enumerated. What then remains? nothing but to take hold of the whales +bodily, in their entire liberal volume, and boldly sort them that way. +And this is the Bibliographical system here adopted; and it is the only +one that can possibly succeed, for it alone is practicable. To proceed. + +BOOK I. (_Folio_) CHAPTER IV. (_Hump Back_).—This whale is often seen +on the northern American coast. He has been frequently captured there, +and towed into harbor. He has a great pack on him like a peddler; or +you might call him the Elephant and Castle whale. At any rate, the +popular name for him does not sufficiently distinguish him, since the +sperm whale also has a hump though a smaller one. His oil is not very +valuable. He has baleen. He is the most gamesome and light-hearted of +all the whales, making more gay foam and white water generally than any +other of them. + +BOOK I. (_Folio_), CHAPTER V. (_Razor Back_).—Of this whale little is +known but his name. I have seen him at a distance off Cape Horn. Of a +retiring nature, he eludes both hunters and philosophers. Though no +coward, he has never yet shown any part of him but his back, which +rises in a long sharp ridge. Let him go. I know little more of him, nor +does anybody else. + +BOOK I. (_Folio_), CHAPTER VI. (_Sulphur Bottom_).—Another retiring +gentleman, with a brimstone belly, doubtless got by scraping along the +Tartarian tiles in some of his profounder divings. He is seldom seen; +at least I have never seen him except in the remoter southern seas, and +then always at too great a distance to study his countenance. He is +never chased; he would run away with rope-walks of line. Prodigies are +told of him. Adieu, Sulphur Bottom! I can say nothing more that is true +of ye, nor can the oldest Nantucketer. + +Thus ends BOOK I. (_Folio_), and now begins BOOK II. (_Octavo_). + +OCTAVOES.*—These embrace the whales of middling magnitude, among which +present may be numbered:—I., the _Grampus_; II., the _Black Fish_; +III., the _Narwhale_; IV., the _Thrasher_; V., the _Killer_. + +*Why this book of whales is not denominated the Quarto is very plain. +Because, while the whales of this order, though smaller than those of +the former order, nevertheless retain a proportionate likeness to them +in figure, yet the bookbinder’s Quarto volume in its dimensioned form +does not preserve the shape of the Folio volume, but the Octavo volume +does. + +BOOK II. (_Octavo_), CHAPTER I. (_Grampus_).—Though this fish, whose +loud sonorous breathing, or rather blowing, has furnished a proverb to +landsmen, is so well known a denizen of the deep, yet is he not +popularly classed among whales. But possessing all the grand +distinctive features of the leviathan, most naturalists have recognised +him for one. He is of moderate octavo size, varying from fifteen to +twenty-five feet in length, and of corresponding dimensions round the +waist. He swims in herds; he is never regularly hunted, though his oil +is considerable in quantity, and pretty good for light. By some +fishermen his approach is regarded as premonitory of the advance of the +great sperm whale. + +BOOK II. (_Octavo_), CHAPTER II. (_Black Fish_).—I give the popular +fishermen’s names for all these fish, for generally they are the best. +Where any name happens to be vague or inexpressive, I shall say so, and +suggest another. I do so now, touching the Black Fish, so-called, +because blackness is the rule among almost all whales. So, call him the +Hyena Whale, if you please. His voracity is well known, and from the +circumstance that the inner angles of his lips are curved upwards, he +carries an everlasting Mephistophelean grin on his face. This whale +averages some sixteen or eighteen feet in length. He is found in almost +all latitudes. He has a peculiar way of showing his dorsal hooked fin +in swimming, which looks something like a Roman nose. When not more +profitably employed, the sperm whale hunters sometimes capture the +Hyena whale, to keep up the supply of cheap oil for domestic +employment—as some frugal housekeepers, in the absence of company, and +quite alone by themselves, burn unsavory tallow instead of odorous wax. +Though their blubber is very thin, some of these whales will yield you +upwards of thirty gallons of oil. + +BOOK II. (_Octavo_), CHAPTER III. (_Narwhale_), that is, _Nostril +whale_.—Another instance of a curiously named whale, so named I suppose +from his peculiar horn being originally mistaken for a peaked nose. The +creature is some sixteen feet in length, while its horn averages five +feet, though some exceed ten, and even attain to fifteen feet. Strictly +speaking, this horn is but a lengthened tusk, growing out from the jaw +in a line a little depressed from the horizontal. But it is only found +on the sinister side, which has an ill effect, giving its owner +something analogous to the aspect of a clumsy left-handed man. What +precise purpose this ivory horn or lance answers, it would be hard to +say. It does not seem to be used like the blade of the sword-fish and +bill-fish; though some sailors tell me that the Narwhale employs it for +a rake in turning over the bottom of the sea for food. Charley Coffin +said it was used for an ice-piercer; for the Narwhale, rising to the +surface of the Polar Sea, and finding it sheeted with ice, thrusts his +horn up, and so breaks through. But you cannot prove either of these +surmises to be correct. My own opinion is, that however this one-sided +horn may really be used by the Narwhale—however that may be—it would +certainly be very convenient to him for a folder in reading pamphlets. +The Narwhale I have heard called the Tusked whale, the Horned whale, +and the Unicorn whale. He is certainly a curious example of the +Unicornism to be found in almost every kingdom of animated nature. From +certain cloistered old authors I have gathered that this same +sea-unicorn’s horn was in ancient days regarded as the great antidote +against poison, and as such, preparations of it brought immense prices. +It was also distilled to a volatile salts for fainting ladies, the same +way that the horns of the male deer are manufactured into hartshorn. +Originally it was in itself accounted an object of great curiosity. +Black Letter tells me that Sir Martin Frobisher on his return from that +voyage, when Queen Bess did gallantly wave her jewelled hand to him +from a window of Greenwich Palace, as his bold ship sailed down the +Thames; “when Sir Martin returned from that voyage,” saith Black +Letter, “on bended knees he presented to her highness a prodigious long +horn of the Narwhale, which for a long period after hung in the castle +at Windsor.” An Irish author avers that the Earl of Leicester, on +bended knees, did likewise present to her highness another horn, +pertaining to a land beast of the unicorn nature. + +The Narwhale has a very picturesque, leopard-like look, being of a +milk-white ground colour, dotted with round and oblong spots of black. +His oil is very superior, clear and fine; but there is little of it, +and he is seldom hunted. He is mostly found in the circumpolar seas. + +BOOK II. (_Octavo_), CHAPTER IV. (_Killer_).—Of this whale little is +precisely known to the Nantucketer, and nothing at all to the professed +naturalist. From what I have seen of him at a distance, I should say +that he was about the bigness of a grampus. He is very savage—a sort of +Feegee fish. He sometimes takes the great Folio whales by the lip, and +hangs there like a leech, till the mighty brute is worried to death. +The Killer is never hunted. I never heard what sort of oil he has. +Exception might be taken to the name bestowed upon this whale, on the +ground of its indistinctness. For we are all killers, on land and on +sea; Bonapartes and Sharks included. + +BOOK II. (_Octavo_), CHAPTER V. (_Thrasher_).—This gentleman is famous +for his tail, which he uses for a ferule in thrashing his foes. He +mounts the Folio whale’s back, and as he swims, he works his passage by +flogging him; as some schoolmasters get along in the world by a similar +process. Still less is known of the Thrasher than of the Killer. Both +are outlaws, even in the lawless seas. + + Thus ends BOOK II. (_Octavo_), and begins BOOK III. (_Duodecimo_). + +DUODECIMOES.—These include the smaller whales. I. The Huzza Porpoise. +II. The Algerine Porpoise. III. The Mealy-mouthed Porpoise. + +To those who have not chanced specially to study the subject, it may +possibly seem strange, that fishes not commonly exceeding four or five +feet should be marshalled among WHALES—a word, which, in the popular +sense, always conveys an idea of hugeness. But the creatures set down +above as Duodecimoes are infallibly whales, by the terms of my +definition of what a whale is—_i.e._ a spouting fish, with a horizontal +tail. + +BOOK III. (_Duodecimo_), CHAPTER 1. (_Huzza Porpoise_).—This is the +common porpoise found almost all over the globe. The name is of my own +bestowal; for there are more than one sort of porpoises, and something +must be done to distinguish them. I call him thus, because he always +swims in hilarious shoals, which upon the broad sea keep tossing +themselves to heaven like caps in a Fourth-of-July crowd. Their +appearance is generally hailed with delight by the mariner. Full of +fine spirits, they invariably come from the breezy billows to windward. +They are the lads that always live before the wind. They are accounted +a lucky omen. If you yourself can withstand three cheers at beholding +these vivacious fish, then heaven help ye; the spirit of godly +gamesomeness is not in ye. A well-fed, plump Huzza Porpoise will yield +you one good gallon of good oil. But the fine and delicate fluid +extracted from his jaws is exceedingly valuable. It is in request among +jewellers and watchmakers. Sailors put it on their hones. Porpoise meat +is good eating, you know. It may never have occurred to you that a +porpoise spouts. Indeed, his spout is so small that it is not very +readily discernible. But the next time you have a chance, watch him; +and you will then see the great Sperm whale himself in miniature. + +BOOK III. (_Duodecimo_), CHAPTER II. (_Algerine Porpoise_).—A pirate. +Very savage. He is only found, I think, in the Pacific. He is somewhat +larger than the Huzza Porpoise, but much of the same general make. +Provoke him, and he will buckle to a shark. I have lowered for him many +times, but never yet saw him captured. + +BOOK III. (_Duodecimo_), CHAPTER III. (_Mealy-mouthed Porpoise_).—The +largest kind of Porpoise; and only found in the Pacific, so far as it +is known. The only English name, by which he has hitherto been +designated, is that of the fishers—Right-Whale Porpoise, from the +circumstance that he is chiefly found in the vicinity of that Folio. In +shape, he differs in some degree from the Huzza Porpoise, being of a +less rotund and jolly girth; indeed, he is of quite a neat and +gentleman-like figure. He has no fins on his back (most other porpoises +have), he has a lovely tail, and sentimental Indian eyes of a hazel +hue. But his mealy-mouth spoils all. Though his entire back down to his +side fins is of a deep sable, yet a boundary line, distinct as the mark +in a ship’s hull, called the “bright waist,” that line streaks him from +stem to stern, with two separate colours, black above and white below. +The white comprises part of his head, and the whole of his mouth, which +makes him look as if he had just escaped from a felonious visit to a +meal-bag. A most mean and mealy aspect! His oil is much like that of +the common porpoise. + + * * * * * * + +Beyond the DUODECIMO, this system does not proceed, inasmuch as the +Porpoise is the smallest of the whales. Above, you have all the +Leviathans of note. But there are a rabble of uncertain, fugitive, +half-fabulous whales, which, as an American whaleman, I know by +reputation, but not personally. I shall enumerate them by their +fore-castle appellations; for possibly such a list may be valuable to +future investigators, who may complete what I have here but begun. If +any of the following whales, shall hereafter be caught and marked, then +he can readily be incorporated into this System, according to his +Folio, Octavo, or Duodecimo magnitude:—The Bottle-Nose Whale; the Junk +Whale; the Pudding-Headed Whale; the Cape Whale; the Leading Whale; the +Cannon Whale; the Scragg Whale; the Coppered Whale; the Elephant Whale; +the Iceberg Whale; the Quog Whale; the Blue Whale; etc. From Icelandic, +Dutch, and old English authorities, there might be quoted other lists +of uncertain whales, blessed with all manner of uncouth names. But I +omit them as altogether obsolete; and can hardly help suspecting them +for mere sounds, full of Leviathanism, but signifying nothing. + +Finally: It was stated at the outset, that this system would not be +here, and at once, perfected. You cannot but plainly see that I have +kept my word. But I now leave my cetological System standing thus +unfinished, even as the great Cathedral of Cologne was left, with the +crane still standing upon the top of the uncompleted tower. For small +erections may be finished by their first architects; grand ones, true +ones, ever leave the copestone to posterity. God keep me from ever +completing anything. This whole book is but a draught—nay, but the +draught of a draught. Oh, Time, Strength, Cash, and Patience! + + +CHAPTER 33. The Specksnyder. + +Concerning the officers of the whale-craft, this seems as good a place +as any to set down a little domestic peculiarity on ship-board, arising +from the existence of the harpooneer class of officers, a class unknown +of course in any other marine than the whale-fleet. + +The large importance attached to the harpooneer’s vocation is evinced +by the fact, that originally in the old Dutch Fishery, two centuries +and more ago, the command of a whale ship was not wholly lodged in the +person now called the captain, but was divided between him and an +officer called the Specksnyder. Literally this word means Fat-Cutter; +usage, however, in time made it equivalent to Chief Harpooneer. In +those days, the captain’s authority was restricted to the navigation +and general management of the vessel; while over the whale-hunting +department and all its concerns, the Specksnyder or Chief Harpooneer +reigned supreme. In the British Greenland Fishery, under the corrupted +title of Specksioneer, this old Dutch official is still retained, but +his former dignity is sadly abridged. At present he ranks simply as +senior Harpooneer; and as such, is but one of the captain’s more +inferior subalterns. Nevertheless, as upon the good conduct of the +harpooneers the success of a whaling voyage largely depends, and since +in the American Fishery he is not only an important officer in the +boat, but under certain circumstances (night watches on a whaling +ground) the command of the ship’s deck is also his; therefore the grand +political maxim of the sea demands, that he should nominally live apart +from the men before the mast, and be in some way distinguished as their +professional superior; though always, by them, familiarly regarded as +their social equal. + +Now, the grand distinction drawn between officer and man at sea, is +this—the first lives aft, the last forward. Hence, in whale-ships and +merchantmen alike, the mates have their quarters with the captain; and +so, too, in most of the American whalers the harpooneers are lodged in +the after part of the ship. That is to say, they take their meals in +the captain’s cabin, and sleep in a place indirectly communicating with +it. + +Though the long period of a Southern whaling voyage (by far the longest +of all voyages now or ever made by man), the peculiar perils of it, and +the community of interest prevailing among a company, all of whom, high +or low, depend for their profits, not upon fixed wages, but upon their +common luck, together with their common vigilance, intrepidity, and +hard work; though all these things do in some cases tend to beget a +less rigorous discipline than in merchantmen generally; yet, never mind +how much like an old Mesopotamian family these whalemen may, in some +primitive instances, live together; for all that, the punctilious +externals, at least, of the quarter-deck are seldom materially relaxed, +and in no instance done away. Indeed, many are the Nantucket ships in +which you will see the skipper parading his quarter-deck with an elated +grandeur not surpassed in any military navy; nay, extorting almost as +much outward homage as if he wore the imperial purple, and not the +shabbiest of pilot-cloth. + +And though of all men the moody captain of the Pequod was the least +given to that sort of shallowest assumption; and though the only homage +he ever exacted, was implicit, instantaneous obedience; though he +required no man to remove the shoes from his feet ere stepping upon the +quarter-deck; and though there were times when, owing to peculiar +circumstances connected with events hereafter to be detailed, he +addressed them in unusual terms, whether of condescension or _in +terrorem_, or otherwise; yet even Captain Ahab was by no means +unobservant of the paramount forms and usages of the sea. + +Nor, perhaps, will it fail to be eventually perceived, that behind +those forms and usages, as it were, he sometimes masked himself; +incidentally making use of them for other and more private ends than +they were legitimately intended to subserve. That certain sultanism of +his brain, which had otherwise in a good degree remained unmanifested; +through those forms that same sultanism became incarnate in an +irresistible dictatorship. For be a man’s intellectual superiority what +it will, it can never assume the practical, available supremacy over +other men, without the aid of some sort of external arts and +entrenchments, always, in themselves, more or less paltry and base. +This it is, that for ever keeps God’s true princes of the Empire from +the world’s hustings; and leaves the highest honors that this air can +give, to those men who become famous more through their infinite +inferiority to the choice hidden handful of the Divine Inert, than +through their undoubted superiority over the dead level of the mass. +Such large virtue lurks in these small things when extreme political +superstitions invest them, that in some royal instances even to idiot +imbecility they have imparted potency. But when, as in the case of +Nicholas the Czar, the ringed crown of geographical empire encircles an +imperial brain; then, the plebeian herds crouch abased before the +tremendous centralization. Nor, will the tragic dramatist who would +depict mortal indomitableness in its fullest sweep and direct swing, +ever forget a hint, incidentally so important in his art, as the one +now alluded to. + +But Ahab, my Captain, still moves before me in all his Nantucket +grimness and shagginess; and in this episode touching Emperors and +Kings, I must not conceal that I have only to do with a poor old +whale-hunter like him; and, therefore, all outward majestical trappings +and housings are denied me. Oh, Ahab! what shall be grand in thee, it +must needs be plucked at from the skies, and dived for in the deep, and +featured in the unbodied air! + + +CHAPTER 34. The Cabin-Table. + +It is noon; and Dough-Boy, the steward, thrusting his pale +loaf-of-bread face from the cabin-scuttle, announces dinner to his lord +and master; who, sitting in the lee quarter-boat, has just been taking +an observation of the sun; and is now mutely reckoning the latitude on +the smooth, medallion-shaped tablet, reserved for that daily purpose on +the upper part of his ivory leg. From his complete inattention to the +tidings, you would think that moody Ahab had not heard his menial. But +presently, catching hold of the mizen shrouds, he swings himself to the +deck, and in an even, unexhilarated voice, saying, “Dinner, Mr. +Starbuck,” disappears into the cabin. + +When the last echo of his sultan’s step has died away, and Starbuck, +the first Emir, has every reason to suppose that he is seated, then +Starbuck rouses from his quietude, takes a few turns along the planks, +and, after a grave peep into the binnacle, says, with some touch of +pleasantness, “Dinner, Mr. Stubb,” and descends the scuttle. The second +Emir lounges about the rigging awhile, and then slightly shaking the +main brace, to see whether it will be all right with that important +rope, he likewise takes up the old burden, and with a rapid “Dinner, +Mr. Flask,” follows after his predecessors. + +But the third Emir, now seeing himself all alone on the quarter-deck, +seems to feel relieved from some curious restraint; for, tipping all +sorts of knowing winks in all sorts of directions, and kicking off his +shoes, he strikes into a sharp but noiseless squall of a hornpipe right +over the Grand Turk’s head; and then, by a dexterous sleight, pitching +his cap up into the mizentop for a shelf, he goes down rollicking so +far at least as he remains visible from the deck, reversing all other +processions, by bringing up the rear with music. But ere stepping into +the cabin doorway below, he pauses, ships a new face altogether, and, +then, independent, hilarious little Flask enters King Ahab’s presence, +in the character of Abjectus, or the Slave. + +It is not the least among the strange things bred by the intense +artificialness of sea-usages, that while in the open air of the deck +some officers will, upon provocation, bear themselves boldly and +defyingly enough towards their commander; yet, ten to one, let those +very officers the next moment go down to their customary dinner in that +same commander’s cabin, and straightway their inoffensive, not to say +deprecatory and humble air towards him, as he sits at the head of the +table; this is marvellous, sometimes most comical. Wherefore this +difference? A problem? Perhaps not. To have been Belshazzar, King of +Babylon; and to have been Belshazzar, not haughtily but courteously, +therein certainly must have been some touch of mundane grandeur. But he +who in the rightly regal and intelligent spirit presides over his own +private dinner-table of invited guests, that man’s unchallenged power +and dominion of individual influence for the time; that man’s royalty +of state transcends Belshazzar’s, for Belshazzar was not the greatest. +Who has but once dined his friends, has tasted what it is to be Cæsar. +It is a witchery of social czarship which there is no withstanding. +Now, if to this consideration you superadd the official supremacy of a +ship-master, then, by inference, you will derive the cause of that +peculiarity of sea-life just mentioned. + +Over his ivory-inlaid table, Ahab presided like a mute, maned sea-lion +on the white coral beach, surrounded by his warlike but still +deferential cubs. In his own proper turn, each officer waited to be +served. They were as little children before Ahab; and yet, in Ahab, +there seemed not to lurk the smallest social arrogance. With one mind, +their intent eyes all fastened upon the old man’s knife, as he carved +the chief dish before him. I do not suppose that for the world they +would have profaned that moment with the slightest observation, even +upon so neutral a topic as the weather. No! And when reaching out his +knife and fork, between which the slice of beef was locked, Ahab +thereby motioned Starbuck’s plate towards him, the mate received his +meat as though receiving alms; and cut it tenderly; and a little +started if, perchance, the knife grazed against the plate; and chewed +it noiselessly; and swallowed it, not without circumspection. For, like +the Coronation banquet at Frankfort, where the German Emperor +profoundly dines with the seven Imperial Electors, so these cabin meals +were somehow solemn meals, eaten in awful silence; and yet at table old +Ahab forbade not conversation; only he himself was dumb. What a relief +it was to choking Stubb, when a rat made a sudden racket in the hold +below. And poor little Flask, he was the youngest son, and little boy +of this weary family party. His were the shinbones of the saline beef; +his would have been the drumsticks. For Flask to have presumed to help +himself, this must have seemed to him tantamount to larceny in the +first degree. Had he helped himself at that table, doubtless, never +more would he have been able to hold his head up in this honest world; +nevertheless, strange to say, Ahab never forbade him. And had Flask +helped himself, the chances were Ahab had never so much as noticed it. +Least of all, did Flask presume to help himself to butter. Whether he +thought the owners of the ship denied it to him, on account of its +clotting his clear, sunny complexion; or whether he deemed that, on so +long a voyage in such marketless waters, butter was at a premium, and +therefore was not for him, a subaltern; however it was, Flask, alas! +was a butterless man! + +Another thing. Flask was the last person down at the dinner, and Flask +is the first man up. Consider! For hereby Flask’s dinner was badly +jammed in point of time. Starbuck and Stubb both had the start of him; +and yet they also have the privilege of lounging in the rear. If Stubb +even, who is but a peg higher than Flask, happens to have but a small +appetite, and soon shows symptoms of concluding his repast, then Flask +must bestir himself, he will not get more than three mouthfuls that +day; for it is against holy usage for Stubb to precede Flask to the +deck. Therefore it was that Flask once admitted in private, that ever +since he had arisen to the dignity of an officer, from that moment he +had never known what it was to be otherwise than hungry, more or less. +For what he ate did not so much relieve his hunger, as keep it immortal +in him. Peace and satisfaction, thought Flask, have for ever departed +from my stomach. I am an officer; but, how I wish I could fish a bit of +old-fashioned beef in the forecastle, as I used to when I was before +the mast. There’s the fruits of promotion now; there’s the vanity of +glory: there’s the insanity of life! Besides, if it were so that any +mere sailor of the Pequod had a grudge against Flask in Flask’s +official capacity, all that sailor had to do, in order to obtain ample +vengeance, was to go aft at dinner-time, and get a peep at Flask +through the cabin sky-light, sitting silly and dumfoundered before +awful Ahab. + +Now, Ahab and his three mates formed what may be called the first table +in the Pequod’s cabin. After their departure, taking place in inverted +order to their arrival, the canvas cloth was cleared, or rather was +restored to some hurried order by the pallid steward. And then the +three harpooneers were bidden to the feast, they being its residuary +legatees. They made a sort of temporary servants’ hall of the high and +mighty cabin. + +In strange contrast to the hardly tolerable constraint and nameless +invisible domineerings of the captain’s table, was the entire care-free +license and ease, the almost frantic democracy of those inferior +fellows the harpooneers. While their masters, the mates, seemed afraid +of the sound of the hinges of their own jaws, the harpooneers chewed +their food with such a relish that there was a report to it. They dined +like lords; they filled their bellies like Indian ships all day loading +with spices. Such portentous appetites had Queequeg and Tashtego, that +to fill out the vacancies made by the previous repast, often the pale +Dough-Boy was fain to bring on a great baron of salt-junk, seemingly +quarried out of the solid ox. And if he were not lively about it, if he +did not go with a nimble hop-skip-and-jump, then Tashtego had an +ungentlemanly way of accelerating him by darting a fork at his back, +harpoon-wise. And once Daggoo, seized with a sudden humor, assisted +Dough-Boy’s memory by snatching him up bodily, and thrusting his head +into a great empty wooden trencher, while Tashtego, knife in hand, +began laying out the circle preliminary to scalping him. He was +naturally a very nervous, shuddering sort of little fellow, this +bread-faced steward; the progeny of a bankrupt baker and a hospital +nurse. And what with the standing spectacle of the black terrific Ahab, +and the periodical tumultuous visitations of these three savages, +Dough-Boy’s whole life was one continual lip-quiver. Commonly, after +seeing the harpooneers furnished with all things they demanded, he +would escape from their clutches into his little pantry adjoining, and +fearfully peep out at them through the blinds of its door, till all was +over. + +It was a sight to see Queequeg seated over against Tashtego, opposing +his filed teeth to the Indian’s: crosswise to them, Daggoo seated on +the floor, for a bench would have brought his hearse-plumed head to the +low carlines; at every motion of his colossal limbs, making the low +cabin framework to shake, as when an African elephant goes passenger in +a ship. But for all this, the great negro was wonderfully abstemious, +not to say dainty. It seemed hardly possible that by such comparatively +small mouthfuls he could keep up the vitality diffused through so +broad, baronial, and superb a person. But, doubtless, this noble savage +fed strong and drank deep of the abounding element of air; and through +his dilated nostrils snuffed in the sublime life of the worlds. Not by +beef or by bread, are giants made or nourished. But Queequeg, he had a +mortal, barbaric smack of the lip in eating—an ugly sound enough—so +much so, that the trembling Dough-Boy almost looked to see whether any +marks of teeth lurked in his own lean arms. And when he would hear +Tashtego singing out for him to produce himself, that his bones might +be picked, the simple-witted steward all but shattered the crockery +hanging round him in the pantry, by his sudden fits of the palsy. Nor +did the whetstone which the harpooneers carried in their pockets, for +their lances and other weapons; and with which whetstones, at dinner, +they would ostentatiously sharpen their knives; that grating sound did +not at all tend to tranquillize poor Dough-Boy. How could he forget +that in his Island days, Queequeg, for one, must certainly have been +guilty of some murderous, convivial indiscretions. Alas! Dough-Boy! +hard fares the white waiter who waits upon cannibals. Not a napkin +should he carry on his arm, but a buckler. In good time, though, to his +great delight, the three salt-sea warriors would rise and depart; to +his credulous, fable-mongering ears, all their martial bones jingling +in them at every step, like Moorish scimetars in scabbards. + +But, though these barbarians dined in the cabin, and nominally lived +there; still, being anything but sedentary in their habits, they were +scarcely ever in it except at mealtimes, and just before sleeping-time, +when they passed through it to their own peculiar quarters. + +In this one matter, Ahab seemed no exception to most American whale +captains, who, as a set, rather incline to the opinion that by rights +the ship’s cabin belongs to them; and that it is by courtesy alone that +anybody else is, at any time, permitted there. So that, in real truth, +the mates and harpooneers of the Pequod might more properly be said to +have lived out of the cabin than in it. For when they did enter it, it +was something as a street-door enters a house; turning inwards for a +moment, only to be turned out the next; and, as a permanent thing, +residing in the open air. Nor did they lose much hereby; in the cabin +was no companionship; socially, Ahab was inaccessible. Though nominally +included in the census of Christendom, he was still an alien to it. He +lived in the world, as the last of the Grisly Bears lived in settled +Missouri. And as when Spring and Summer had departed, that wild Logan +of the woods, burying himself in the hollow of a tree, lived out the +winter there, sucking his own paws; so, in his inclement, howling old +age, Ahab’s soul, shut up in the caved trunk of his body, there fed +upon the sullen paws of its gloom! + + +CHAPTER 35. The Mast-Head. + +It was during the more pleasant weather, that in due rotation with the +other seamen my first mast-head came round. + +In most American whalemen the mast-heads are manned almost +simultaneously with the vessel’s leaving her port; even though she may +have fifteen thousand miles, and more, to sail ere reaching her proper +cruising ground. And if, after a three, four, or five years’ voyage she +is drawing nigh home with anything empty in her—say, an empty vial +even—then, her mast-heads are kept manned to the last; and not till her +skysail-poles sail in among the spires of the port, does she altogether +relinquish the hope of capturing one whale more. + +Now, as the business of standing mast-heads, ashore or afloat, is a +very ancient and interesting one, let us in some measure expatiate +here. I take it, that the earliest standers of mast-heads were the old +Egyptians; because, in all my researches, I find none prior to them. +For though their progenitors, the builders of Babel, must doubtless, by +their tower, have intended to rear the loftiest mast-head in all Asia, +or Africa either; yet (ere the final truck was put to it) as that great +stone mast of theirs may be said to have gone by the board, in the +dread gale of God’s wrath; therefore, we cannot give these Babel +builders priority over the Egyptians. And that the Egyptians were a +nation of mast-head standers, is an assertion based upon the general +belief among archæologists, that the first pyramids were founded for +astronomical purposes: a theory singularly supported by the peculiar +stair-like formation of all four sides of those edifices; whereby, with +prodigious long upliftings of their legs, those old astronomers were +wont to mount to the apex, and sing out for new stars; even as the +look-outs of a modern ship sing out for a sail, or a whale just bearing +in sight. In Saint Stylites, the famous Christian hermit of old times, +who built him a lofty stone pillar in the desert and spent the whole +latter portion of his life on its summit, hoisting his food from the +ground with a tackle; in him we have a remarkable instance of a +dauntless stander-of-mast-heads; who was not to be driven from his +place by fogs or frosts, rain, hail, or sleet; but valiantly facing +everything out to the last, literally died at his post. Of modern +standers-of-mast-heads we have but a lifeless set; mere stone, iron, +and bronze men; who, though well capable of facing out a stiff gale, +are still entirely incompetent to the business of singing out upon +discovering any strange sight. There is Napoleon; who, upon the top of +the column of Vendome, stands with arms folded, some one hundred and +fifty feet in the air; careless, now, who rules the decks below; +whether Louis Philippe, Louis Blanc, or Louis the Devil. Great +Washington, too, stands high aloft on his towering main-mast in +Baltimore, and like one of Hercules’ pillars, his column marks that +point of human grandeur beyond which few mortals will go. Admiral +Nelson, also, on a capstan of gun-metal, stands his mast-head in +Trafalgar Square; and ever when most obscured by that London smoke, +token is yet given that a hidden hero is there; for where there is +smoke, must be fire. But neither great Washington, nor Napoleon, nor +Nelson, will answer a single hail from below, however madly invoked to +befriend by their counsels the distracted decks upon which they gaze; +however it may be surmised, that their spirits penetrate through the +thick haze of the future, and descry what shoals and what rocks must be +shunned. + +It may seem unwarrantable to couple in any respect the mast-head +standers of the land with those of the sea; but that in truth it is not +so, is plainly evinced by an item for which Obed Macy, the sole +historian of Nantucket, stands accountable. The worthy Obed tells us, +that in the early times of the whale fishery, ere ships were regularly +launched in pursuit of the game, the people of that island erected +lofty spars along the sea-coast, to which the look-outs ascended by +means of nailed cleats, something as fowls go upstairs in a hen-house. +A few years ago this same plan was adopted by the Bay whalemen of New +Zealand, who, upon descrying the game, gave notice to the ready-manned +boats nigh the beach. But this custom has now become obsolete; turn we +then to the one proper mast-head, that of a whale-ship at sea. The +three mast-heads are kept manned from sun-rise to sun-set; the seamen +taking their regular turns (as at the helm), and relieving each other +every two hours. In the serene weather of the tropics it is exceedingly +pleasant the mast-head; nay, to a dreamy meditative man it is +delightful. There you stand, a hundred feet above the silent decks, +striding along the deep, as if the masts were gigantic stilts, while +beneath you and between your legs, as it were, swim the hugest monsters +of the sea, even as ships once sailed between the boots of the famous +Colossus at old Rhodes. There you stand, lost in the infinite series of +the sea, with nothing ruffled but the waves. The tranced ship +indolently rolls; the drowsy trade winds blow; everything resolves you +into languor. For the most part, in this tropic whaling life, a sublime +uneventfulness invests you; you hear no news; read no gazettes; extras +with startling accounts of commonplaces never delude you into +unnecessary excitements; you hear of no domestic afflictions; bankrupt +securities; fall of stocks; are never troubled with the thought of what +you shall have for dinner—for all your meals for three years and more +are snugly stowed in casks, and your bill of fare is immutable. + +In one of those southern whalesmen, on a long three or four years’ +voyage, as often happens, the sum of the various hours you spend at the +mast-head would amount to several entire months. And it is much to be +deplored that the place to which you devote so considerable a portion +of the whole term of your natural life, should be so sadly destitute of +anything approaching to a cosy inhabitiveness, or adapted to breed a +comfortable localness of feeling, such as pertains to a bed, a hammock, +a hearse, a sentry box, a pulpit, a coach, or any other of those small +and snug contrivances in which men temporarily isolate themselves. Your +most usual point of perch is the head of the t’ gallant-mast, where you +stand upon two thin parallel sticks (almost peculiar to whalemen) +called the t’ gallant cross-trees. Here, tossed about by the sea, the +beginner feels about as cosy as he would standing on a bull’s horns. To +be sure, in cold weather you may carry your house aloft with you, in +the shape of a watch-coat; but properly speaking the thickest +watch-coat is no more of a house than the unclad body; for as the soul +is glued inside of its fleshy tabernacle, and cannot freely move about +in it, nor even move out of it, without running great risk of perishing +(like an ignorant pilgrim crossing the snowy Alps in winter); so a +watch-coat is not so much of a house as it is a mere envelope, or +additional skin encasing you. You cannot put a shelf or chest of +drawers in your body, and no more can you make a convenient closet of +your watch-coat. + +Concerning all this, it is much to be deplored that the mast-heads of a +southern whale ship are unprovided with those enviable little tents or +pulpits, called _crow’s-nests_, in which the look-outs of a Greenland +whaler are protected from the inclement weather of the frozen seas. In +the fireside narrative of Captain Sleet, entitled “A Voyage among the +Icebergs, in quest of the Greenland Whale, and incidentally for the +re-discovery of the Lost Icelandic Colonies of Old Greenland;” in this +admirable volume, all standers of mast-heads are furnished with a +charmingly circumstantial account of the then recently invented +_crow’s-nest_ of the Glacier, which was the name of Captain Sleet’s +good craft. He called it the _Sleet’s crow’s-nest_, in honor of +himself; he being the original inventor and patentee, and free from all +ridiculous false delicacy, and holding that if we call our own children +after our own names (we fathers being the original inventors and +patentees), so likewise should we denominate after ourselves any other +apparatus we may beget. In shape, the Sleet’s crow’s-nest is something +like a large tierce or pipe; it is open above, however, where it is +furnished with a movable side-screen to keep to windward of your head +in a hard gale. Being fixed on the summit of the mast, you ascend into +it through a little trap-hatch in the bottom. On the after side, or +side next the stern of the ship, is a comfortable seat, with a locker +underneath for umbrellas, comforters, and coats. In front is a leather +rack, in which to keep your speaking trumpet, pipe, telescope, and +other nautical conveniences. When Captain Sleet in person stood his +mast-head in this crow’s-nest of his, he tells us that he always had a +rifle with him (also fixed in the rack), together with a powder flask +and shot, for the purpose of popping off the stray narwhales, or +vagrant sea unicorns infesting those waters; for you cannot +successfully shoot at them from the deck owing to the resistance of the +water, but to shoot down upon them is a very different thing. Now, it +was plainly a labor of love for Captain Sleet to describe, as he does, +all the little detailed conveniences of his crow’s-nest; but though he +so enlarges upon many of these, and though he treats us to a very +scientific account of his experiments in this crow’s-nest, with a small +compass he kept there for the purpose of counteracting the errors +resulting from what is called the “local attraction” of all binnacle +magnets; an error ascribable to the horizontal vicinity of the iron in +the ship’s planks, and in the Glacier’s case, perhaps, to there having +been so many broken-down blacksmiths among her crew; I say, that though +the Captain is very discreet and scientific here, yet, for all his +learned “binnacle deviations,” “azimuth compass observations,” and +“approximate errors,” he knows very well, Captain Sleet, that he was +not so much immersed in those profound magnetic meditations, as to fail +being attracted occasionally towards that well replenished little +case-bottle, so nicely tucked in on one side of his crow’s nest, within +easy reach of his hand. Though, upon the whole, I greatly admire and +even love the brave, the honest, and learned Captain; yet I take it +very ill of him that he should so utterly ignore that case-bottle, +seeing what a faithful friend and comforter it must have been, while +with mittened fingers and hooded head he was studying the mathematics +aloft there in that bird’s nest within three or four perches of the +pole. + +But if we Southern whale-fishers are not so snugly housed aloft as +Captain Sleet and his Greenlandmen were; yet that disadvantage is +greatly counter-balanced by the widely contrasting serenity of those +seductive seas in which we South fishers mostly float. For one, I used +to lounge up the rigging very leisurely, resting in the top to have a +chat with Queequeg, or any one else off duty whom I might find there; +then ascending a little way further, and throwing a lazy leg over the +top-sail yard, take a preliminary view of the watery pastures, and so +at last mount to my ultimate destination. + +Let me make a clean breast of it here, and frankly admit that I kept +but sorry guard. With the problem of the universe revolving in me, how +could I—being left completely to myself at such a thought-engendering +altitude—how could I but lightly hold my obligations to observe all +whale-ships’ standing orders, “Keep your weather eye open, and sing out +every time.” + +And let me in this place movingly admonish you, ye ship-owners of +Nantucket! Beware of enlisting in your vigilant fisheries any lad with +lean brow and hollow eye; given to unseasonable meditativeness; and who +offers to ship with the Phædon instead of Bowditch in his head. Beware +of such an one, I say; your whales must be seen before they can be +killed; and this sunken-eyed young Platonist will tow you ten wakes +round the world, and never make you one pint of sperm the richer. Nor +are these monitions at all unneeded. For nowadays, the whale-fishery +furnishes an asylum for many romantic, melancholy, and absent-minded +young men, disgusted with the carking cares of earth, and seeking +sentiment in tar and blubber. Childe Harold not unfrequently perches +himself upon the mast-head of some luckless disappointed whale-ship, +and in moody phrase ejaculates:— + + +“Roll on, thou deep and dark blue ocean, roll! Ten thousand +blubber-hunters sweep over thee in vain.” + + + +Very often do the captains of such ships take those absent-minded young +philosophers to task, upbraiding them with not feeling sufficient +“interest” in the voyage; half-hinting that they are so hopelessly lost +to all honorable ambition, as that in their secret souls they would +rather not see whales than otherwise. But all in vain; those young +Platonists have a notion that their vision is imperfect; they are +short-sighted; what use, then, to strain the visual nerve? They have +left their opera-glasses at home. + +“Why, thou monkey,” said a harpooneer to one of these lads, “we’ve been +cruising now hard upon three years, and thou hast not raised a whale +yet. Whales are scarce as hen’s teeth whenever thou art up here.” +Perhaps they were; or perhaps there might have been shoals of them in +the far horizon; but lulled into such an opium-like listlessness of +vacant, unconscious reverie is this absent-minded youth by the blending +cadence of waves with thoughts, that at last he loses his identity; +takes the mystic ocean at his feet for the visible image of that deep, +blue, bottomless soul, pervading mankind and nature; and every strange, +half-seen, gliding, beautiful thing that eludes him; every +dimly-discovered, uprising fin of some undiscernible form, seems to him +the embodiment of those elusive thoughts that only people the soul by +continually flitting through it. In this enchanted mood, thy spirit +ebbs away to whence it came; becomes diffused through time and space; +like Cranmer’s sprinkled Pantheistic ashes, forming at last a part of +every shore the round globe over. + +There is no life in thee, now, except that rocking life imparted by a +gently rolling ship; by her, borrowed from the sea; by the sea, from +the inscrutable tides of God. But while this sleep, this dream is on +ye, move your foot or hand an inch; slip your hold at all; and your +identity comes back in horror. Over Descartian vortices you hover. And +perhaps, at mid-day, in the fairest weather, with one half-throttled +shriek you drop through that transparent air into the summer sea, no +more to rise for ever. Heed it well, ye Pantheists! + + +CHAPTER 36. The Quarter-Deck. + +(_Enter Ahab: Then, all._) + +It was not a great while after the affair of the pipe, that one morning +shortly after breakfast, Ahab, as was his wont, ascended the +cabin-gangway to the deck. There most sea-captains usually walk at that +hour, as country gentlemen, after the same meal, take a few turns in +the garden. + +Soon his steady, ivory stride was heard, as to and fro he paced his old +rounds, upon planks so familiar to his tread, that they were all over +dented, like geological stones, with the peculiar mark of his walk. Did +you fixedly gaze, too, upon that ribbed and dented brow; there also, +you would see still stranger foot-prints—the foot-prints of his one +unsleeping, ever-pacing thought. + +But on the occasion in question, those dents looked deeper, even as his +nervous step that morning left a deeper mark. And, so full of his +thought was Ahab, that at every uniform turn that he made, now at the +main-mast and now at the binnacle, you could almost see that thought +turn in him as he turned, and pace in him as he paced; so completely +possessing him, indeed, that it all but seemed the inward mould of +every outer movement. + +“D’ye mark him, Flask?” whispered Stubb; “the chick that’s in him pecks +the shell. ’Twill soon be out.” + +The hours wore on;—Ahab now shut up within his cabin; anon, pacing the +deck, with the same intense bigotry of purpose in his aspect. + +It drew near the close of day. Suddenly he came to a halt by the +bulwarks, and inserting his bone leg into the auger-hole there, and +with one hand grasping a shroud, he ordered Starbuck to send everybody +aft. + +“Sir!” said the mate, astonished at an order seldom or never given on +ship-board except in some extraordinary case. + +“Send everybody aft,” repeated Ahab. “Mast-heads, there! come down!” + +When the entire ship’s company were assembled, and with curious and not +wholly unapprehensive faces, were eyeing him, for he looked not unlike +the weather horizon when a storm is coming up, Ahab, after rapidly +glancing over the bulwarks, and then darting his eyes among the crew, +started from his standpoint; and as though not a soul were nigh him +resumed his heavy turns upon the deck. With bent head and half-slouched +hat he continued to pace, unmindful of the wondering whispering among +the men; till Stubb cautiously whispered to Flask, that Ahab must have +summoned them there for the purpose of witnessing a pedestrian feat. +But this did not last long. Vehemently pausing, he cried:— + +“What do ye do when ye see a whale, men?” + +“Sing out for him!” was the impulsive rejoinder from a score of clubbed +voices. + +“Good!” cried Ahab, with a wild approval in his tones; observing the +hearty animation into which his unexpected question had so magnetically +thrown them. + +“And what do ye next, men?” + +“Lower away, and after him!” + +“And what tune is it ye pull to, men?” + +“A dead whale or a stove boat!” + +More and more strangely and fiercely glad and approving, grew the +countenance of the old man at every shout; while the mariners began to +gaze curiously at each other, as if marvelling how it was that they +themselves became so excited at such seemingly purposeless questions. + +But, they were all eagerness again, as Ahab, now half-revolving in his +pivot-hole, with one hand reaching high up a shroud, and tightly, +almost convulsively grasping it, addressed them thus:— + +“All ye mast-headers have before now heard me give orders about a white +whale. Look ye! d’ye see this Spanish ounce of gold?”—holding up a +broad bright coin to the sun—“it is a sixteen dollar piece, men. D’ye +see it? Mr. Starbuck, hand me yon top-maul.” + +While the mate was getting the hammer, Ahab, without speaking, was +slowly rubbing the gold piece against the skirts of his jacket, as if +to heighten its lustre, and without using any words was meanwhile lowly +humming to himself, producing a sound so strangely muffled and +inarticulate that it seemed the mechanical humming of the wheels of his +vitality in him. + +Receiving the top-maul from Starbuck, he advanced towards the main-mast +with the hammer uplifted in one hand, exhibiting the gold with the +other, and with a high raised voice exclaiming: “Whosoever of ye raises +me a white-headed whale with a wrinkled brow and a crooked jaw; +whosoever of ye raises me that white-headed whale, with three holes +punctured in his starboard fluke—look ye, whosoever of ye raises me +that same white whale, he shall have this gold ounce, my boys!” + +“Huzza! huzza!” cried the seamen, as with swinging tarpaulins they +hailed the act of nailing the gold to the mast. + +“It’s a white whale, I say,” resumed Ahab, as he threw down the +topmaul: “a white whale. Skin your eyes for him, men; look sharp for +white water; if ye see but a bubble, sing out.” + +All this while Tashtego, Daggoo, and Queequeg had looked on with even +more intense interest and surprise than the rest, and at the mention of +the wrinkled brow and crooked jaw they had started as if each was +separately touched by some specific recollection. + +“Captain Ahab,” said Tashtego, “that white whale must be the same that +some call Moby Dick.” + +“Moby Dick?” shouted Ahab. “Do ye know the white whale then, Tash?” + +“Does he fan-tail a little curious, sir, before he goes down?” said the +Gay-Header deliberately. + +“And has he a curious spout, too,” said Daggoo, “very bushy, even for a +parmacetty, and mighty quick, Captain Ahab?” + +“And he have one, two, three—oh! good many iron in him hide, too, +Captain,” cried Queequeg disjointedly, “all twiske-tee be-twisk, like +him—him—” faltering hard for a word, and screwing his hand round and +round as though uncorking a bottle—“like him—him—” + +“Corkscrew!” cried Ahab, “aye, Queequeg, the harpoons lie all twisted +and wrenched in him; aye, Daggoo, his spout is a big one, like a whole +shock of wheat, and white as a pile of our Nantucket wool after the +great annual sheep-shearing; aye, Tashtego, and he fan-tails like a +split jib in a squall. Death and devils! men, it is Moby Dick ye have +seen—Moby Dick—Moby Dick!” + +“Captain Ahab,” said Starbuck, who, with Stubb and Flask, had thus far +been eyeing his superior with increasing surprise, but at last seemed +struck with a thought which somewhat explained all the wonder. “Captain +Ahab, I have heard of Moby Dick—but it was not Moby Dick that took off +thy leg?” + +“Who told thee that?” cried Ahab; then pausing, “Aye, Starbuck; aye, my +hearties all round; it was Moby Dick that dismasted me; Moby Dick that +brought me to this dead stump I stand on now. Aye, aye,” he shouted +with a terrific, loud, animal sob, like that of a heart-stricken moose; +“Aye, aye! it was that accursed white whale that razed me; made a poor +pegging lubber of me for ever and a day!” Then tossing both arms, with +measureless imprecations he shouted out: “Aye, aye! and I’ll chase him +round Good Hope, and round the Horn, and round the Norway Maelstrom, +and round perdition’s flames before I give him up. And this is what ye +have shipped for, men! to chase that white whale on both sides of land, +and over all sides of earth, till he spouts black blood and rolls fin +out. What say ye, men, will ye splice hands on it, now? I think ye do +look brave.” + +“Aye, aye!” shouted the harpooneers and seamen, running closer to the +excited old man: “A sharp eye for the white whale; a sharp lance for +Moby Dick!” + +“God bless ye,” he seemed to half sob and half shout. “God bless ye, +men. Steward! go draw the great measure of grog. But what’s this long +face about, Mr. Starbuck; wilt thou not chase the white whale? art not +game for Moby Dick?” + +“I am game for his crooked jaw, and for the jaws of Death too, Captain +Ahab, if it fairly comes in the way of the business we follow; but I +came here to hunt whales, not my commander’s vengeance. How many +barrels will thy vengeance yield thee even if thou gettest it, Captain +Ahab? it will not fetch thee much in our Nantucket market.” + +“Nantucket market! Hoot! But come closer, Starbuck; thou requirest a +little lower layer. If money’s to be the measurer, man, and the +accountants have computed their great counting-house the globe, by +girdling it with guineas, one to every three parts of an inch; then, +let me tell thee, that my vengeance will fetch a great premium _here!_” + +“He smites his chest,” whispered Stubb, “what’s that for? methinks it +rings most vast, but hollow.” + +“Vengeance on a dumb brute!” cried Starbuck, “that simply smote thee +from blindest instinct! Madness! To be enraged with a dumb thing, +Captain Ahab, seems blasphemous.” + +“Hark ye yet again—the little lower layer. All visible objects, man, +are but as pasteboard masks. But in each event—in the living act, the +undoubted deed—there, some unknown but still reasoning thing puts forth +the mouldings of its features from behind the unreasoning mask. If man +will strike, strike through the mask! How can the prisoner reach +outside except by thrusting through the wall? To me, the white whale is +that wall, shoved near to me. Sometimes I think there’s naught beyond. +But ’tis enough. He tasks me; he heaps me; I see in him outrageous +strength, with an inscrutable malice sinewing it. That inscrutable +thing is chiefly what I hate; and be the white whale agent, or be the +white whale principal, I will wreak that hate upon him. Talk not to me +of blasphemy, man; I’d strike the sun if it insulted me. For could the +sun do that, then could I do the other; since there is ever a sort of +fair play herein, jealousy presiding over all creations. But not my +master, man, is even that fair play. Who’s over me? Truth hath no +confines. Take off thine eye! more intolerable than fiends’ glarings is +a doltish stare! So, so; thou reddenest and palest; my heat has melted +thee to anger-glow. But look ye, Starbuck, what is said in heat, that +thing unsays itself. There are men from whom warm words are small +indignity. I meant not to incense thee. Let it go. Look! see yonder +Turkish cheeks of spotted tawn—living, breathing pictures painted by +the sun. The Pagan leopards—the unrecking and unworshipping things, +that live; and seek, and give no reasons for the torrid life they feel! +The crew, man, the crew! Are they not one and all with Ahab, in this +matter of the whale? See Stubb! he laughs! See yonder Chilian! he +snorts to think of it. Stand up amid the general hurricane, thy one +tost sapling cannot, Starbuck! And what is it? Reckon it. ’Tis but to +help strike a fin; no wondrous feat for Starbuck. What is it more? From +this one poor hunt, then, the best lance out of all Nantucket, surely +he will not hang back, when every foremast-hand has clutched a +whetstone? Ah! constrainings seize thee; I see! the billow lifts thee! +Speak, but speak!—Aye, aye! thy silence, then, _that_ voices thee. +(_Aside_) Something shot from my dilated nostrils, he has inhaled it in +his lungs. Starbuck now is mine; cannot oppose me now, without +rebellion.” + +“God keep me!—keep us all!” murmured Starbuck, lowly. + +But in his joy at the enchanted, tacit acquiescence of the mate, Ahab +did not hear his foreboding invocation; nor yet the low laugh from the +hold; nor yet the presaging vibrations of the winds in the cordage; nor +yet the hollow flap of the sails against the masts, as for a moment +their hearts sank in. For again Starbuck’s downcast eyes lighted up +with the stubbornness of life; the subterranean laugh died away; the +winds blew on; the sails filled out; the ship heaved and rolled as +before. Ah, ye admonitions and warnings! why stay ye not when ye come? +But rather are ye predictions than warnings, ye shadows! Yet not so +much predictions from without, as verifications of the foregoing things +within. For with little external to constrain us, the innermost +necessities in our being, these still drive us on. + +“The measure! the measure!” cried Ahab. + +Receiving the brimming pewter, and turning to the harpooneers, he +ordered them to produce their weapons. Then ranging them before him +near the capstan, with their harpoons in their hands, while his three +mates stood at his side with their lances, and the rest of the ship’s +company formed a circle round the group; he stood for an instant +searchingly eyeing every man of his crew. But those wild eyes met his, +as the bloodshot eyes of the prairie wolves meet the eye of their +leader, ere he rushes on at their head in the trail of the bison; but, +alas! only to fall into the hidden snare of the Indian. + +“Drink and pass!” he cried, handing the heavy charged flagon to the +nearest seaman. “The crew alone now drink. Round with it, round! Short +draughts—long swallows, men; ’tis hot as Satan’s hoof. So, so; it goes +round excellently. It spiralizes in ye; forks out at the +serpent-snapping eye. Well done; almost drained. That way it went, this +way it comes. Hand it me—here’s a hollow! Men, ye seem the years; so +brimming life is gulped and gone. Steward, refill! + +“Attend now, my braves. I have mustered ye all round this capstan; and +ye mates, flank me with your lances; and ye harpooneers, stand there +with your irons; and ye, stout mariners, ring me in, that I may in some +sort revive a noble custom of my fisherman fathers before me. O men, +you will yet see that—Ha! boy, come back? bad pennies come not sooner. +Hand it me. Why, now, this pewter had run brimming again, wer’t not +thou St. Vitus’ imp—away, thou ague! + +“Advance, ye mates! Cross your lances full before me. Well done! Let me +touch the axis.” So saying, with extended arm, he grasped the three +level, radiating lances at their crossed centre; while so doing, +suddenly and nervously twitched them; meanwhile, glancing intently from +Starbuck to Stubb; from Stubb to Flask. It seemed as though, by some +nameless, interior volition, he would fain have shocked into them the +same fiery emotion accumulated within the Leyden jar of his own +magnetic life. The three mates quailed before his strong, sustained, +and mystic aspect. Stubb and Flask looked sideways from him; the honest +eye of Starbuck fell downright. + +“In vain!” cried Ahab; “but, maybe, ’tis well. For did ye three but +once take the full-forced shock, then mine own electric thing, _that_ +had perhaps expired from out me. Perchance, too, it would have dropped +ye dead. Perchance ye need it not. Down lances! And now, ye mates, I do +appoint ye three cupbearers to my three pagan kinsmen there—yon three +most honorable gentlemen and noblemen, my valiant harpooneers. Disdain +the task? What, when the great Pope washes the feet of beggars, using +his tiara for ewer? Oh, my sweet cardinals! your own condescension, +_that_ shall bend ye to it. I do not order ye; ye will it. Cut your +seizings and draw the poles, ye harpooneers!” + +Silently obeying the order, the three harpooneers now stood with the +detached iron part of their harpoons, some three feet long, held, barbs +up, before him. + +“Stab me not with that keen steel! Cant them; cant them over! know ye +not the goblet end? Turn up the socket! So, so; now, ye cup-bearers, +advance. The irons! take them; hold them while I fill!” Forthwith, +slowly going from one officer to the other, he brimmed the harpoon +sockets with the fiery waters from the pewter. + +“Now, three to three, ye stand. Commend the murderous chalices! Bestow +them, ye who are now made parties to this indissoluble league. Ha! +Starbuck! but the deed is done! Yon ratifying sun now waits to sit upon +it. Drink, ye harpooneers! drink and swear, ye men that man the +deathful whaleboat’s bow—Death to Moby Dick! God hunt us all, if we do +not hunt Moby Dick to his death!” The long, barbed steel goblets were +lifted; and to cries and maledictions against the white whale, the +spirits were simultaneously quaffed down with a hiss. Starbuck paled, +and turned, and shivered. Once more, and finally, the replenished +pewter went the rounds among the frantic crew; when, waving his free +hand to them, they all dispersed; and Ahab retired within his cabin. + + +CHAPTER 37. Sunset. + +_The cabin; by the stern windows; Ahab sitting alone, and gazing out_. + +I leave a white and turbid wake; pale waters, paler cheeks, where’er I +sail. The envious billows sidelong swell to whelm my track; let them; +but first I pass. + +Yonder, by ever-brimming goblet’s rim, the warm waves blush like wine. +The gold brow plumbs the blue. The diver sun—slow dived from noon—goes +down; my soul mounts up! she wearies with her endless hill. Is, then, +the crown too heavy that I wear? this Iron Crown of Lombardy. Yet is it +bright with many a gem; I the wearer, see not its far flashings; but +darkly feel that I wear that, that dazzlingly confounds. ’Tis iron—that +I know—not gold. ’Tis split, too—that I feel; the jagged edge galls me +so, my brain seems to beat against the solid metal; aye, steel skull, +mine; the sort that needs no helmet in the most brain-battering fight! + +Dry heat upon my brow? Oh! time was, when as the sunrise nobly spurred +me, so the sunset soothed. No more. This lovely light, it lights not +me; all loveliness is anguish to me, since I can ne’er enjoy. Gifted +with the high perception, I lack the low, enjoying power; damned, most +subtly and most malignantly! damned in the midst of Paradise! Good +night—good night! (_waving his hand, he moves from the window_.) + +’Twas not so hard a task. I thought to find one stubborn, at the least; +but my one cogged circle fits into all their various wheels, and they +revolve. Or, if you will, like so many ant-hills of powder, they all +stand before me; and I their match. Oh, hard! that to fire others, the +match itself must needs be wasting! What I’ve dared, I’ve willed; and +what I’ve willed, I’ll do! They think me mad—Starbuck does; but I’m +demoniac, I am madness maddened! That wild madness that’s only calm to +comprehend itself! The prophecy was that I should be dismembered; +and—Aye! I lost this leg. I now prophesy that I will dismember my +dismemberer. Now, then, be the prophet and the fulfiller one. That’s +more than ye, ye great gods, ever were. I laugh and hoot at ye, ye +cricket-players, ye pugilists, ye deaf Burkes and blinded Bendigoes! I +will not say as schoolboys do to bullies—Take some one of your own +size; don’t pommel _me!_ No, ye’ve knocked me down, and I am up again; +but _ye_ have run and hidden. Come forth from behind your cotton bags! +I have no long gun to reach ye. Come, Ahab’s compliments to ye; come +and see if ye can swerve me. Swerve me? ye cannot swerve me, else ye +swerve yourselves! man has ye there. Swerve me? The path to my fixed +purpose is laid with iron rails, whereon my soul is grooved to run. +Over unsounded gorges, through the rifled hearts of mountains, under +torrents’ beds, unerringly I rush! Naught’s an obstacle, naught’s an +angle to the iron way! + + +CHAPTER 38. Dusk. + +_By the Mainmast; Starbuck leaning against it_. + +My soul is more than matched; she’s overmanned; and by a madman! +Insufferable sting, that sanity should ground arms on such a field! But +he drilled deep down, and blasted all my reason out of me! I think I +see his impious end; but feel that I must help him to it. Will I, nill +I, the ineffable thing has tied me to him; tows me with a cable I have +no knife to cut. Horrible old man! Who’s over him, he cries;—aye, he +would be a democrat to all above; look, how he lords it over all below! +Oh! I plainly see my miserable office,—to obey, rebelling; and worse +yet, to hate with touch of pity! For in his eyes I read some lurid woe +would shrivel me up, had I it. Yet is there hope. Time and tide flow +wide. The hated whale has the round watery world to swim in, as the +small gold-fish has its glassy globe. His heaven-insulting purpose, God +may wedge aside. I would up heart, were it not like lead. But my whole +clock’s run down; my heart the all-controlling weight, I have no key to +lift again. + +[_A burst of revelry from the forecastle_.] + +Oh, God! to sail with such a heathen crew that have small touch of +human mothers in them! Whelped somewhere by the sharkish sea. The white +whale is their demigorgon. Hark! the infernal orgies! that revelry is +forward! mark the unfaltering silence aft! Methinks it pictures life. +Foremost through the sparkling sea shoots on the gay, embattled, +bantering bow, but only to drag dark Ahab after it, where he broods +within his sternward cabin, builded over the dead water of the wake, +and further on, hunted by its wolfish gurglings. The long howl thrills +me through! Peace! ye revellers, and set the watch! Oh, life! ’tis in +an hour like this, with soul beat down and held to knowledge,—as wild, +untutored things are forced to feed—Oh, life! ’tis now that I do feel +the latent horror in thee! but ’tis not me! that horror’s out of me! +and with the soft feeling of the human in me, yet will I try to fight +ye, ye grim, phantom futures! Stand by me, hold me, bind me, O ye +blessed influences! + + +CHAPTER 39. First Night-Watch. + +Fore-Top. + +(_Stubb solus, and mending a brace_.) + +Ha! ha! ha! ha! hem! clear my throat!—I’ve been thinking over it ever +since, and that ha, ha’s the final consequence. Why so? Because a +laugh’s the wisest, easiest answer to all that’s queer; and come what +will, one comfort’s always left—that unfailing comfort is, it’s all +predestinated. I heard not all his talk with Starbuck; but to my poor +eye Starbuck then looked something as I the other evening felt. Be sure +the old Mogul has fixed him, too. I twigged it, knew it; had had the +gift, might readily have prophesied it—for when I clapped my eye upon +his skull I saw it. Well, Stubb, _wise_ Stubb—that’s my title—well, +Stubb, what of it, Stubb? Here’s a carcase. I know not all that may be +coming, but be it what it will, I’ll go to it laughing. Such a waggish +leering as lurks in all your horribles! I feel funny. Fa, la! lirra, +skirra! What’s my juicy little pear at home doing now? Crying its eyes +out?—Giving a party to the last arrived harpooneers, I dare say, gay as +a frigate’s pennant, and so am I—fa, la! lirra, skirra! Oh— + + +We’ll drink to-night with hearts as light, To love, as gay and fleeting +As bubbles that swim, on the beaker’s brim, And break on the lips while +meeting. + + + +A brave stave that—who calls? Mr. Starbuck? Aye, aye, sir—(_Aside_) +he’s my superior, he has his too, if I’m not mistaken.—Aye, aye, sir, +just through with this job—coming. + + +CHAPTER 40. Midnight, Forecastle. + +HARPOONEERS AND SAILORS. + +(_Foresail rises and discovers the watch standing, lounging, leaning, +and lying in various attitudes, all singing in chorus_.) + + + Farewell and adieu to you, Spanish ladies! Farewell and adieu to you, + ladies of Spain! Our captain’s commanded.— + + + +1ST NANTUCKET SAILOR. Oh, boys, don’t be sentimental; it’s bad for the +digestion! Take a tonic, follow me! + +(_Sings, and all follow._) + + + Our captain stood upon the deck, A spy-glass in his hand, A viewing of + those gallant whales That blew at every strand. Oh, your tubs in your + boats, my boys, And by your braces stand, And we’ll have one of those + fine whales, Hand, boys, over hand! So, be cheery, my lads! may your + hearts never fail! While the bold harpooner is striking the whale! + + + +MATE’S VOICE FROM THE QUARTER-DECK. Eight bells there, forward! + +2ND NANTUCKET SAILOR. Avast the chorus! Eight bells there! d’ye hear, +bell-boy? Strike the bell eight, thou Pip! thou blackling! and let me +call the watch. I’ve the sort of mouth for that—the hogshead mouth. So, +so, (_thrusts his head down the scuttle_,) Star-bo-l-e-e-n-s, a-h-o-y! +Eight bells there below! Tumble up! + +DUTCH SAILOR. Grand snoozing to-night, maty; fat night for that. I mark +this in our old Mogul’s wine; it’s quite as deadening to some as +filliping to others. We sing; they sleep—aye, lie down there, like +ground-tier butts. At ’em again! There, take this copper-pump, and hail +’em through it. Tell ’em to avast dreaming of their lasses. Tell ’em +it’s the resurrection; they must kiss their last, and come to judgment. +That’s the way—_that’s_ it; thy throat ain’t spoiled with eating +Amsterdam butter. + +FRENCH SAILOR. Hist, boys! let’s have a jig or two before we ride to +anchor in Blanket Bay. What say ye? There comes the other watch. Stand +by all legs! Pip! little Pip! hurrah with your tambourine! + +PIP. (_Sulky and sleepy._) Don’t know where it is. + +FRENCH SAILOR. Beat thy belly, then, and wag thy ears. Jig it, men, I +say; merry’s the word; hurrah! Damn me, won’t you dance? Form, now, +Indian-file, and gallop into the double-shuffle? Throw yourselves! +Legs! legs! + +ICELAND SAILOR. I don’t like your floor, maty; it’s too springy to my +taste. I’m used to ice-floors. I’m sorry to throw cold water on the +subject; but excuse me. + +MALTESE SAILOR. Me too; where’s your girls? Who but a fool would take +his left hand by his right, and say to himself, how d’ye do? Partners! +I must have partners! + +SICILIAN SAILOR. Aye; girls and a green!—then I’ll hop with ye; yea, +turn grasshopper! + +LONG-ISLAND SAILOR. Well, well, ye sulkies, there’s plenty more of us. +Hoe corn when you may, say I. All legs go to harvest soon. Ah! here +comes the music; now for it! + +AZORE SAILOR. (_Ascending, and pitching the tambourine up the +scuttle_.) Here you are, Pip; and there’s the windlass-bitts; up you +mount! Now, boys! (_The half of them dance to the tambourine; some go +below; some sleep or lie among the coils of rigging. Oaths a-plenty_.) + +AZORE SAILOR. (_Dancing_) Go it, Pip! Bang it, bell-boy! Rig it, dig +it, stig it, quig it, bell-boy! Make fire-flies; break the jinglers! + +PIP. Jinglers, you say?—there goes another, dropped off; I pound it so. + +CHINA SAILOR. Rattle thy teeth, then, and pound away; make a pagoda of +thyself. + +FRENCH SAILOR. Merry-mad! Hold up thy hoop, Pip, till I jump through +it! Split jibs! tear yourselves! + +TASHTEGO. (_Quietly smoking._) That’s a white man; he calls that fun: +humph! I save my sweat. + +OLD MANX SAILOR. I wonder whether those jolly lads bethink them of what +they are dancing over. I’ll dance over your grave, I will—that’s the +bitterest threat of your night-women, that beat head-winds round +corners. O Christ! to think of the green navies and the green-skulled +crews! Well, well; belike the whole world’s a ball, as you scholars +have it; and so ’tis right to make one ballroom of it. Dance on, lads, +you’re young; I was once. + +3D NANTUCKET SAILOR. Spell oh!—whew! this is worse than pulling after +whales in a calm—give us a whiff, Tash. + +(_They cease dancing, and gather in clusters. Meantime the sky +darkens—the wind rises_.) + +LASCAR SAILOR. By Brahma! boys, it’ll be douse sail soon. The sky-born, +high-tide Ganges turned to wind! Thou showest thy black brow, Seeva! + +MALTESE SAILOR. (_Reclining and shaking his cap_.) It’s the waves—the +snow’s caps turn to jig it now. They’ll shake their tassels soon. Now +would all the waves were women, then I’d go drown, and chassee with +them evermore! There’s naught so sweet on earth—heaven may not match +it!—as those swift glances of warm, wild bosoms in the dance, when the +over-arboring arms hide such ripe, bursting grapes. + +SICILIAN SAILOR. (_Reclining_.) Tell me not of it! Hark ye, lad—fleet +interlacings of the limbs—lithe swayings—coyings—flutterings! lip! +heart! hip! all graze: unceasing touch and go! not taste, observe ye, +else come satiety. Eh, Pagan? (_Nudging_.) + +TAHITAN SAILOR. (_Reclining on a mat_.) Hail, holy nakedness of our +dancing girls!—the Heeva-Heeva! Ah! low veiled, high palmed Tahiti! I +still rest me on thy mat, but the soft soil has slid! I saw thee woven +in the wood, my mat! green the first day I brought ye thence; now worn +and wilted quite. Ah me!—not thou nor I can bear the change! How then, +if so be transplanted to yon sky? Hear I the roaring streams from +Pirohitee’s peak of spears, when they leap down the crags and drown the +villages?—The blast! the blast! Up, spine, and meet it! (_Leaps to his +feet_.) + +PORTUGUESE SAILOR. How the sea rolls swashing ’gainst the side! Stand +by for reefing, hearties! the winds are just crossing swords, pell-mell +they’ll go lunging presently. + +DANISH SAILOR. Crack, crack, old ship! so long as thou crackest, thou +holdest! Well done! The mate there holds ye to it stiffly. He’s no more +afraid than the isle fort at Cattegat, put there to fight the Baltic +with storm-lashed guns, on which the sea-salt cakes! + +4TH NANTUCKET SAILOR. He has his orders, mind ye that. I heard old Ahab +tell him he must always kill a squall, something as they burst a +waterspout with a pistol—fire your ship right into it! + +ENGLISH SAILOR. Blood! but that old man’s a grand old cove! We are the +lads to hunt him up his whale! + +ALL. Aye! aye! + +OLD MANX SAILOR. How the three pines shake! Pines are the hardest sort +of tree to live when shifted to any other soil, and here there’s none +but the crew’s cursed clay. Steady, helmsman! steady. This is the sort +of weather when brave hearts snap ashore, and keeled hulls split at +sea. Our captain has his birthmark; look yonder, boys, there’s another +in the sky—lurid-like, ye see, all else pitch black. + +DAGGOO. What of that? Who’s afraid of black’s afraid of me! I’m +quarried out of it! + +SPANISH SAILOR. (_Aside_.) He wants to bully, ah!—the old grudge makes +me touchy (_Advancing_.) Aye, harpooneer, thy race is the undeniable +dark side of mankind—devilish dark at that. No offence. + +DAGGOO (_grimly_). None. + +ST. JAGO’S SAILOR. That Spaniard’s mad or drunk. But that can’t be, or +else in his one case our old Mogul’s fire-waters are somewhat long in +working. + +5TH NANTUCKET SAILOR. What’s that I saw—lightning? Yes. + +SPANISH SAILOR. No; Daggoo showing his teeth. + +DAGGOO (_springing_). Swallow thine, mannikin! White skin, white liver! + +SPANISH SAILOR (_meeting him_). Knife thee heartily! big frame, small +spirit! + +ALL. A row! a row! a row! + +TASHTEGO (_with a whiff_). A row a’low, and a row aloft—Gods and +men—both brawlers! Humph! + +BELFAST SAILOR. A row! arrah a row! The Virgin be blessed, a row! +Plunge in with ye! + +ENGLISH SAILOR. Fair play! Snatch the Spaniard’s knife! A ring, a ring! + +OLD MANX SAILOR. Ready formed. There! the ringed horizon. In that ring +Cain struck Abel. Sweet work, right work! No? Why then, God, mad’st +thou the ring? + +MATE’S VOICE FROM THE QUARTER-DECK. Hands by the halyards! in +top-gallant sails! Stand by to reef topsails! + +ALL. The squall! the squall! jump, my jollies! (_They scatter_.) + +PIP (_shrinking under the windlass_). Jollies? Lord help such jollies! +Crish, crash! there goes the jib-stay! Blang-whang! God! Duck lower, +Pip, here comes the royal yard! It’s worse than being in the whirled +woods, the last day of the year! Who’d go climbing after chestnuts now? +But there they go, all cursing, and here I don’t. Fine prospects to +’em; they’re on the road to heaven. Hold on hard! Jimmini, what a +squall! But those chaps there are worse yet—they are your white +squalls, they. White squalls? white whale, shirr! shirr! Here have I +heard all their chat just now, and the white whale—shirr! shirr!—but +spoken of once! and only this evening—it makes me jingle all over like +my tambourine—that anaconda of an old man swore ’em in to hunt him! Oh, +thou big white God aloft there somewhere in yon darkness, have mercy on +this small black boy down here; preserve him from all men that have no +bowels to feel fear! + + +CHAPTER 41. Moby Dick. + +I, Ishmael, was one of that crew; my shouts had gone up with the rest; +my oath had been welded with theirs; and stronger I shouted, and more +did I hammer and clinch my oath, because of the dread in my soul. A +wild, mystical, sympathetical feeling was in me; Ahab’s quenchless feud +seemed mine. With greedy ears I learned the history of that murderous +monster against whom I and all the others had taken our oaths of +violence and revenge. + +For some time past, though at intervals only, the unaccompanied, +secluded White Whale had haunted those uncivilized seas mostly +frequented by the Sperm Whale fishermen. But not all of them knew of +his existence; only a few of them, comparatively, had knowingly seen +him; while the number who as yet had actually and knowingly given +battle to him, was small indeed. For, owing to the large number of +whale-cruisers; the disorderly way they were sprinkled over the entire +watery circumference, many of them adventurously pushing their quest +along solitary latitudes, so as seldom or never for a whole twelvemonth +or more on a stretch, to encounter a single news-telling sail of any +sort; the inordinate length of each separate voyage; the irregularity +of the times of sailing from home; all these, with other circumstances, +direct and indirect, long obstructed the spread through the whole +world-wide whaling-fleet of the special individualizing tidings +concerning Moby Dick. It was hardly to be doubted, that several vessels +reported to have encountered, at such or such a time, or on such or +such a meridian, a Sperm Whale of uncommon magnitude and malignity, +which whale, after doing great mischief to his assailants, had +completely escaped them; to some minds it was not an unfair +presumption, I say, that the whale in question must have been no other +than Moby Dick. Yet as of late the Sperm Whale fishery had been marked +by various and not unfrequent instances of great ferocity, cunning, and +malice in the monster attacked; therefore it was, that those who by +accident ignorantly gave battle to Moby Dick; such hunters, perhaps, +for the most part, were content to ascribe the peculiar terror he bred, +more, as it were, to the perils of the Sperm Whale fishery at large, +than to the individual cause. In that way, mostly, the disastrous +encounter between Ahab and the whale had hitherto been popularly +regarded. + +And as for those who, previously hearing of the White Whale, by chance +caught sight of him; in the beginning of the thing they had every one +of them, almost, as boldly and fearlessly lowered for him, as for any +other whale of that species. But at length, such calamities did ensue +in these assaults—not restricted to sprained wrists and ankles, broken +limbs, or devouring amputations—but fatal to the last degree of +fatality; those repeated disastrous repulses, all accumulating and +piling their terrors upon Moby Dick; those things had gone far to shake +the fortitude of many brave hunters, to whom the story of the White +Whale had eventually come. + +Nor did wild rumors of all sorts fail to exaggerate, and still the more +horrify the true histories of these deadly encounters. For not only do +fabulous rumors naturally grow out of the very body of all surprising +terrible events,—as the smitten tree gives birth to its fungi; but, in +maritime life, far more than in that of terra firma, wild rumors +abound, wherever there is any adequate reality for them to cling to. +And as the sea surpasses the land in this matter, so the whale fishery +surpasses every other sort of maritime life, in the wonderfulness and +fearfulness of the rumors which sometimes circulate there. For not only +are whalemen as a body unexempt from that ignorance and +superstitiousness hereditary to all sailors; but of all sailors, they +are by all odds the most directly brought into contact with whatever is +appallingly astonishing in the sea; face to face they not only eye its +greatest marvels, but, hand to jaw, give battle to them. Alone, in such +remotest waters, that though you sailed a thousand miles, and passed a +thousand shores, you would not come to any chiseled hearth-stone, or +aught hospitable beneath that part of the sun; in such latitudes and +longitudes, pursuing too such a calling as he does, the whaleman is +wrapped by influences all tending to make his fancy pregnant with many +a mighty birth. + +No wonder, then, that ever gathering volume from the mere transit over +the widest watery spaces, the outblown rumors of the White Whale did in +the end incorporate with themselves all manner of morbid hints, and +half-formed fœtal suggestions of supernatural agencies, which +eventually invested Moby Dick with new terrors unborrowed from anything +that visibly appears. So that in many cases such a panic did he finally +strike, that few who by those rumors, at least, had heard of the White +Whale, few of those hunters were willing to encounter the perils of his +jaw. + +But there were still other and more vital practical influences at work. +Not even at the present day has the original prestige of the Sperm +Whale, as fearfully distinguished from all other species of the +leviathan, died out of the minds of the whalemen as a body. There are +those this day among them, who, though intelligent and courageous +enough in offering battle to the Greenland or Right whale, would +perhaps—either from professional inexperience, or incompetency, or +timidity, decline a contest with the Sperm Whale; at any rate, there +are plenty of whalemen, especially among those whaling nations not +sailing under the American flag, who have never hostilely encountered +the Sperm Whale, but whose sole knowledge of the leviathan is +restricted to the ignoble monster primitively pursued in the North; +seated on their hatches, these men will hearken with a childish +fireside interest and awe, to the wild, strange tales of Southern +whaling. Nor is the pre-eminent tremendousness of the great Sperm Whale +anywhere more feelingly comprehended, than on board of those prows +which stem him. + +And as if the now tested reality of his might had in former legendary +times thrown its shadow before it; we find some book +naturalists—Olassen and Povelson—declaring the Sperm Whale not only to +be a consternation to every other creature in the sea, but also to be +so incredibly ferocious as continually to be athirst for human blood. +Nor even down to so late a time as Cuvier’s, were these or almost +similar impressions effaced. For in his Natural History, the Baron +himself affirms that at sight of the Sperm Whale, all fish (sharks +included) are “struck with the most lively terrors,” and “often in the +precipitancy of their flight dash themselves against the rocks with +such violence as to cause instantaneous death.” And however the general +experiences in the fishery may amend such reports as these; yet in +their full terribleness, even to the bloodthirsty item of Povelson, the +superstitious belief in them is, in some vicissitudes of their +vocation, revived in the minds of the hunters. + +So that overawed by the rumors and portents concerning him, not a few +of the fishermen recalled, in reference to Moby Dick, the earlier days +of the Sperm Whale fishery, when it was oftentimes hard to induce long +practised Right whalemen to embark in the perils of this new and daring +warfare; such men protesting that although other leviathans might be +hopefully pursued, yet to chase and point lance at such an apparition +as the Sperm Whale was not for mortal man. That to attempt it, would be +inevitably to be torn into a quick eternity. On this head, there are +some remarkable documents that may be consulted. + +Nevertheless, some there were, who even in the face of these things +were ready to give chase to Moby Dick; and a still greater number who, +chancing only to hear of him distantly and vaguely, without the +specific details of any certain calamity, and without superstitious +accompaniments, were sufficiently hardy not to flee from the battle if +offered. + +One of the wild suggestions referred to, as at last coming to be linked +with the White Whale in the minds of the superstitiously inclined, was +the unearthly conceit that Moby Dick was ubiquitous; that he had +actually been encountered in opposite latitudes at one and the same +instant of time. + +Nor, credulous as such minds must have been, was this conceit +altogether without some faint show of superstitious probability. For as +the secrets of the currents in the seas have never yet been divulged, +even to the most erudite research; so the hidden ways of the Sperm +Whale when beneath the surface remain, in great part, unaccountable to +his pursuers; and from time to time have originated the most curious +and contradictory speculations regarding them, especially concerning +the mystic modes whereby, after sounding to a great depth, he +transports himself with such vast swiftness to the most widely distant +points. + +It is a thing well known to both American and English whale-ships, and +as well a thing placed upon authoritative record years ago by Scoresby, +that some whales have been captured far north in the Pacific, in whose +bodies have been found the barbs of harpoons darted in the Greenland +seas. Nor is it to be gainsaid, that in some of these instances it has +been declared that the interval of time between the two assaults could +not have exceeded very many days. Hence, by inference, it has been +believed by some whalemen, that the Nor’ West Passage, so long a +problem to man, was never a problem to the whale. So that here, in the +real living experience of living men, the prodigies related in old +times of the inland Strello mountain in Portugal (near whose top there +was said to be a lake in which the wrecks of ships floated up to the +surface); and that still more wonderful story of the Arethusa fountain +near Syracuse (whose waters were believed to have come from the Holy +Land by an underground passage); these fabulous narrations are almost +fully equalled by the realities of the whalemen. + +Forced into familiarity, then, with such prodigies as these; and +knowing that after repeated, intrepid assaults, the White Whale had +escaped alive; it cannot be much matter of surprise that some whalemen +should go still further in their superstitions; declaring Moby Dick not +only ubiquitous, but immortal (for immortality is but ubiquity in +time); that though groves of spears should be planted in his flanks, he +would still swim away unharmed; or if indeed he should ever be made to +spout thick blood, such a sight would be but a ghastly deception; for +again in unensanguined billows hundreds of leagues away, his unsullied +jet would once more be seen. + +But even stripped of these supernatural surmisings, there was enough in +the earthly make and incontestable character of the monster to strike +the imagination with unwonted power. For, it was not so much his +uncommon bulk that so much distinguished him from other sperm whales, +but, as was elsewhere thrown out—a peculiar snow-white wrinkled +forehead, and a high, pyramidical white hump. These were his prominent +features; the tokens whereby, even in the limitless, uncharted seas, he +revealed his identity, at a long distance, to those who knew him. + +The rest of his body was so streaked, and spotted, and marbled with the +same shrouded hue, that, in the end, he had gained his distinctive +appellation of the White Whale; a name, indeed, literally justified by +his vivid aspect, when seen gliding at high noon through a dark blue +sea, leaving a milky-way wake of creamy foam, all spangled with golden +gleamings. + +Nor was it his unwonted magnitude, nor his remarkable hue, nor yet his +deformed lower jaw, that so much invested the whale with natural +terror, as that unexampled, intelligent malignity which, according to +specific accounts, he had over and over again evinced in his assaults. +More than all, his treacherous retreats struck more of dismay than +perhaps aught else. For, when swimming before his exulting pursuers, +with every apparent symptom of alarm, he had several times been known +to turn round suddenly, and, bearing down upon them, either stave their +boats to splinters, or drive them back in consternation to their ship. + +Already several fatalities had attended his chase. But though similar +disasters, however little bruited ashore, were by no means unusual in +the fishery; yet, in most instances, such seemed the White Whale’s +infernal aforethought of ferocity, that every dismembering or death +that he caused, was not wholly regarded as having been inflicted by an +unintelligent agent. + +Judge, then, to what pitches of inflamed, distracted fury the minds of +his more desperate hunters were impelled, when amid the chips of chewed +boats, and the sinking limbs of torn comrades, they swam out of the +white curds of the whale’s direful wrath into the serene, exasperating +sunlight, that smiled on, as if at a birth or a bridal. + +His three boats stove around him, and oars and men both whirling in the +eddies; one captain, seizing the line-knife from his broken prow, had +dashed at the whale, as an Arkansas duellist at his foe, blindly +seeking with a six inch blade to reach the fathom-deep life of the +whale. That captain was Ahab. And then it was, that suddenly sweeping +his sickle-shaped lower jaw beneath him, Moby Dick had reaped away +Ahab’s leg, as a mower a blade of grass in the field. No turbaned Turk, +no hired Venetian or Malay, could have smote him with more seeming +malice. Small reason was there to doubt, then, that ever since that +almost fatal encounter, Ahab had cherished a wild vindictiveness +against the whale, all the more fell for that in his frantic morbidness +he at last came to identify with him, not only all his bodily woes, but +all his intellectual and spiritual exasperations. The White Whale swam +before him as the monomaniac incarnation of all those malicious +agencies which some deep men feel eating in them, till they are left +living on with half a heart and half a lung. That intangible malignity +which has been from the beginning; to whose dominion even the modern +Christians ascribe one-half of the worlds; which the ancient Ophites of +the east reverenced in their statue devil;—Ahab did not fall down and +worship it like them; but deliriously transferring its idea to the +abhorred white whale, he pitted himself, all mutilated, against it. All +that most maddens and torments; all that stirs up the lees of things; +all truth with malice in it; all that cracks the sinews and cakes the +brain; all the subtle demonisms of life and thought; all evil, to crazy +Ahab, were visibly personified, and made practically assailable in Moby +Dick. He piled upon the whale’s white hump the sum of all the general +rage and hate felt by his whole race from Adam down; and then, as if +his chest had been a mortar, he burst his hot heart’s shell upon it. + +It is not probable that this monomania in him took its instant rise at +the precise time of his bodily dismemberment. Then, in darting at the +monster, knife in hand, he had but given loose to a sudden, passionate, +corporal animosity; and when he received the stroke that tore him, he +probably but felt the agonizing bodily laceration, but nothing more. +Yet, when by this collision forced to turn towards home, and for long +months of days and weeks, Ahab and anguish lay stretched together in +one hammock, rounding in mid winter that dreary, howling Patagonian +Cape; then it was, that his torn body and gashed soul bled into one +another; and so interfusing, made him mad. That it was only then, on +the homeward voyage, after the encounter, that the final monomania +seized him, seems all but certain from the fact that, at intervals +during the passage, he was a raving lunatic; and, though unlimbed of a +leg, yet such vital strength yet lurked in his Egyptian chest, and was +moreover intensified by his delirium, that his mates were forced to +lace him fast, even there, as he sailed, raving in his hammock. In a +strait-jacket, he swung to the mad rockings of the gales. And, when +running into more sufferable latitudes, the ship, with mild stun’sails +spread, floated across the tranquil tropics, and, to all appearances, +the old man’s delirium seemed left behind him with the Cape Horn +swells, and he came forth from his dark den into the blessed light and +air; even then, when he bore that firm, collected front, however pale, +and issued his calm orders once again; and his mates thanked God the +direful madness was now gone; even then, Ahab, in his hidden self, +raved on. Human madness is oftentimes a cunning and most feline thing. +When you think it fled, it may have but become transfigured into some +still subtler form. Ahab’s full lunacy subsided not, but deepeningly +contracted; like the unabated Hudson, when that noble Northman flows +narrowly, but unfathomably through the Highland gorge. But, as in his +narrow-flowing monomania, not one jot of Ahab’s broad madness had been +left behind; so in that broad madness, not one jot of his great natural +intellect had perished. That before living agent, now became the living +instrument. If such a furious trope may stand, his special lunacy +stormed his general sanity, and carried it, and turned all its +concentred cannon upon its own mad mark; so that far from having lost +his strength, Ahab, to that one end, did now possess a thousand fold +more potency than ever he had sanely brought to bear upon any one +reasonable object. + +This is much; yet Ahab’s larger, darker, deeper part remains unhinted. +But vain to popularize profundities, and all truth is profound. Winding +far down from within the very heart of this spiked Hotel de Cluny where +we here stand—however grand and wonderful, now quit it;—and take your +way, ye nobler, sadder souls, to those vast Roman halls of Thermes; +where far beneath the fantastic towers of man’s upper earth, his root +of grandeur, his whole awful essence sits in bearded state; an antique +buried beneath antiquities, and throned on torsoes! So with a broken +throne, the great gods mock that captive king; so like a Caryatid, he +patient sits, upholding on his frozen brow the piled entablatures of +ages. Wind ye down there, ye prouder, sadder souls! question that +proud, sad king! A family likeness! aye, he did beget ye, ye young +exiled royalties; and from your grim sire only will the old +State-secret come. + +Now, in his heart, Ahab had some glimpse of this, namely: all my means +are sane, my motive and my object mad. Yet without power to kill, or +change, or shun the fact; he likewise knew that to mankind he did long +dissemble; in some sort, did still. But that thing of his dissembling +was only subject to his perceptibility, not to his will determinate. +Nevertheless, so well did he succeed in that dissembling, that when +with ivory leg he stepped ashore at last, no Nantucketer thought him +otherwise than but naturally grieved, and that to the quick, with the +terrible casualty which had overtaken him. + +The report of his undeniable delirium at sea was likewise popularly +ascribed to a kindred cause. And so too, all the added moodiness which +always afterwards, to the very day of sailing in the Pequod on the +present voyage, sat brooding on his brow. Nor is it so very unlikely, +that far from distrusting his fitness for another whaling voyage, on +account of such dark symptoms, the calculating people of that prudent +isle were inclined to harbor the conceit, that for those very reasons +he was all the better qualified and set on edge, for a pursuit so full +of rage and wildness as the bloody hunt of whales. Gnawed within and +scorched without, with the infixed, unrelenting fangs of some incurable +idea; such an one, could he be found, would seem the very man to dart +his iron and lift his lance against the most appalling of all brutes. +Or, if for any reason thought to be corporeally incapacitated for that, +yet such an one would seem superlatively competent to cheer and howl on +his underlings to the attack. But be all this as it may, certain it is, +that with the mad secret of his unabated rage bolted up and keyed in +him, Ahab had purposely sailed upon the present voyage with the one +only and all-engrossing object of hunting the White Whale. Had any one +of his old acquaintances on shore but half dreamed of what was lurking +in him then, how soon would their aghast and righteous souls have +wrenched the ship from such a fiendish man! They were bent on +profitable cruises, the profit to be counted down in dollars from the +mint. He was intent on an audacious, immitigable, and supernatural +revenge. + +Here, then, was this grey-headed, ungodly old man, chasing with curses +a Job’s whale round the world, at the head of a crew, too, chiefly made +up of mongrel renegades, and castaways, and cannibals—morally enfeebled +also, by the incompetence of mere unaided virtue or right-mindedness in +Starbuck, the invulnerable jollity of indifference and recklessness in +Stubb, and the pervading mediocrity in Flask. Such a crew, so +officered, seemed specially picked and packed by some infernal fatality +to help him to his monomaniac revenge. How it was that they so +aboundingly responded to the old man’s ire—by what evil magic their +souls were possessed, that at times his hate seemed almost theirs; the +White Whale as much their insufferable foe as his; how all this came to +be—what the White Whale was to them, or how to their unconscious +understandings, also, in some dim, unsuspected way, he might have +seemed the gliding great demon of the seas of life,—all this to +explain, would be to dive deeper than Ishmael can go. The subterranean +miner that works in us all, how can one tell whither leads his shaft by +the ever shifting, muffled sound of his pick? Who does not feel the +irresistible arm drag? What skiff in tow of a seventy-four can stand +still? For one, I gave myself up to the abandonment of the time and the +place; but while yet all a-rush to encounter the whale, could see +naught in that brute but the deadliest ill. + + +CHAPTER 42. The Whiteness of the Whale. + +What the white whale was to Ahab, has been hinted; what, at times, he +was to me, as yet remains unsaid. + +Aside from those more obvious considerations touching Moby Dick, which +could not but occasionally awaken in any man’s soul some alarm, there +was another thought, or rather vague, nameless horror concerning him, +which at times by its intensity completely overpowered all the rest; +and yet so mystical and well nigh ineffable was it, that I almost +despair of putting it in a comprehensible form. It was the whiteness of +the whale that above all things appalled me. But how can I hope to +explain myself here; and yet, in some dim, random way, explain myself I +must, else all these chapters might be naught. + +Though in many natural objects, whiteness refiningly enhances beauty, +as if imparting some special virtue of its own, as in marbles, +japonicas, and pearls; and though various nations have in some way +recognised a certain royal preeminence in this hue; even the barbaric, +grand old kings of Pegu placing the title “Lord of the White Elephants” +above all their other magniloquent ascriptions of dominion; and the +modern kings of Siam unfurling the same snow-white quadruped in the +royal standard; and the Hanoverian flag bearing the one figure of a +snow-white charger; and the great Austrian Empire, Cæsarian, heir to +overlording Rome, having for the imperial colour the same imperial hue; +and though this pre-eminence in it applies to the human race itself, +giving the white man ideal mastership over every dusky tribe; and +though, besides, all this, whiteness has been even made significant of +gladness, for among the Romans a white stone marked a joyful day; and +though in other mortal sympathies and symbolizings, this same hue is +made the emblem of many touching, noble things—the innocence of brides, +the benignity of age; though among the Red Men of America the giving of +the white belt of wampum was the deepest pledge of honor; though in +many climes, whiteness typifies the majesty of Justice in the ermine of +the Judge, and contributes to the daily state of kings and queens drawn +by milk-white steeds; though even in the higher mysteries of the most +august religions it has been made the symbol of the divine spotlessness +and power; by the Persian fire worshippers, the white forked flame +being held the holiest on the altar; and in the Greek mythologies, +Great Jove himself being made incarnate in a snow-white bull; and +though to the noble Iroquois, the midwinter sacrifice of the sacred +White Dog was by far the holiest festival of their theology, that +spotless, faithful creature being held the purest envoy they could send +to the Great Spirit with the annual tidings of their own fidelity; and +though directly from the Latin word for white, all Christian priests +derive the name of one part of their sacred vesture, the alb or tunic, +worn beneath the cassock; and though among the holy pomps of the Romish +faith, white is specially employed in the celebration of the Passion of +our Lord; though in the Vision of St. John, white robes are given to +the redeemed, and the four-and-twenty elders stand clothed in white +before the great white throne, and the Holy One that sitteth there +white like wool; yet for all these accumulated associations, with +whatever is sweet, and honorable, and sublime, there yet lurks an +elusive something in the innermost idea of this hue, which strikes more +of panic to the soul than that redness which affrights in blood. + +This elusive quality it is, which causes the thought of whiteness, when +divorced from more kindly associations, and coupled with any object +terrible in itself, to heighten that terror to the furthest bounds. +Witness the white bear of the poles, and the white shark of the +tropics; what but their smooth, flaky whiteness makes them the +transcendent horrors they are? That ghastly whiteness it is which +imparts such an abhorrent mildness, even more loathsome than terrific, +to the dumb gloating of their aspect. So that not the fierce-fanged +tiger in his heraldic coat can so stagger courage as the white-shrouded +bear or shark.* + +*With reference to the Polar bear, it may possibly be urged by him who +would fain go still deeper into this matter, that it is not the +whiteness, separately regarded, which heightens the intolerable +hideousness of that brute; for, analysed, that heightened hideousness, +it might be said, only rises from the circumstance, that the +irresponsible ferociousness of the creature stands invested in the +fleece of celestial innocence and love; and hence, by bringing together +two such opposite emotions in our minds, the Polar bear frightens us +with so unnatural a contrast. But even assuming all this to be true; +yet, were it not for the whiteness, you would not have that intensified +terror. + +As for the white shark, the white gliding ghostliness of repose in that +creature, when beheld in his ordinary moods, strangely tallies with the +same quality in the Polar quadruped. This peculiarity is most vividly +hit by the French in the name they bestow upon that fish. The Romish +mass for the dead begins with “Requiem eternam” (eternal rest), whence +_Requiem_ denominating the mass itself, and any other funeral music. +Now, in allusion to the white, silent stillness of death in this shark, +and the mild deadliness of his habits, the French call him _Requin_. + +Bethink thee of the albatross, whence come those clouds of spiritual +wonderment and pale dread, in which that white phantom sails in all +imaginations? Not Coleridge first threw that spell; but God’s great, +unflattering laureate, Nature.* + +*I remember the first albatross I ever saw. It was during a prolonged +gale, in waters hard upon the Antarctic seas. From my forenoon watch +below, I ascended to the overclouded deck; and there, dashed upon the +main hatches, I saw a regal, feathery thing of unspotted whiteness, and +with a hooked, Roman bill sublime. At intervals, it arched forth its +vast archangel wings, as if to embrace some holy ark. Wondrous +flutterings and throbbings shook it. Though bodily unharmed, it uttered +cries, as some king’s ghost in supernatural distress. Through its +inexpressible, strange eyes, methought I peeped to secrets which took +hold of God. As Abraham before the angels, I bowed myself; the white +thing was so white, its wings so wide, and in those for ever exiled +waters, I had lost the miserable warping memories of traditions and of +towns. Long I gazed at that prodigy of plumage. I cannot tell, can only +hint, the things that darted through me then. But at last I awoke; and +turning, asked a sailor what bird was this. A goney, he replied. Goney! +never had heard that name before; is it conceivable that this glorious +thing is utterly unknown to men ashore! never! But some time after, I +learned that goney was some seaman’s name for albatross. So that by no +possibility could Coleridge’s wild Rhyme have had aught to do with +those mystical impressions which were mine, when I saw that bird upon +our deck. For neither had I then read the Rhyme, nor knew the bird to +be an albatross. Yet, in saying this, I do but indirectly burnish a +little brighter the noble merit of the poem and the poet. + +I assert, then, that in the wondrous bodily whiteness of the bird +chiefly lurks the secret of the spell; a truth the more evinced in +this, that by a solecism of terms there are birds called grey +albatrosses; and these I have frequently seen, but never with such +emotions as when I beheld the Antarctic fowl. + +But how had the mystic thing been caught? Whisper it not, and I will +tell; with a treacherous hook and line, as the fowl floated on the sea. +At last the Captain made a postman of it; tying a lettered, leathern +tally round its neck, with the ship’s time and place; and then letting +it escape. But I doubt not, that leathern tally, meant for man, was +taken off in Heaven, when the white fowl flew to join the wing-folding, +the invoking, and adoring cherubim! + +Most famous in our Western annals and Indian traditions is that of the +White Steed of the Prairies; a magnificent milk-white charger, +large-eyed, small-headed, bluff-chested, and with the dignity of a +thousand monarchs in his lofty, overscorning carriage. He was the +elected Xerxes of vast herds of wild horses, whose pastures in those +days were only fenced by the Rocky Mountains and the Alleghanies. At +their flaming head he westward trooped it like that chosen star which +every evening leads on the hosts of light. The flashing cascade of his +mane, the curving comet of his tail, invested him with housings more +resplendent than gold and silver-beaters could have furnished him. A +most imperial and archangelical apparition of that unfallen, western +world, which to the eyes of the old trappers and hunters revived the +glories of those primeval times when Adam walked majestic as a god, +bluff-browed and fearless as this mighty steed. Whether marching amid +his aides and marshals in the van of countless cohorts that endlessly +streamed it over the plains, like an Ohio; or whether with his +circumambient subjects browsing all around at the horizon, the White +Steed gallopingly reviewed them with warm nostrils reddening through +his cool milkiness; in whatever aspect he presented himself, always to +the bravest Indians he was the object of trembling reverence and awe. +Nor can it be questioned from what stands on legendary record of this +noble horse, that it was his spiritual whiteness chiefly, which so +clothed him with divineness; and that this divineness had that in it +which, though commanding worship, at the same time enforced a certain +nameless terror. + +But there are other instances where this whiteness loses all that +accessory and strange glory which invests it in the White Steed and +Albatross. + +What is it that in the Albino man so peculiarly repels and often shocks +the eye, as that sometimes he is loathed by his own kith and kin! It is +that whiteness which invests him, a thing expressed by the name he +bears. The Albino is as well made as other men—has no substantive +deformity—and yet this mere aspect of all-pervading whiteness makes him +more strangely hideous than the ugliest abortion. Why should this be +so? + +Nor, in quite other aspects, does Nature in her least palpable but not +the less malicious agencies, fail to enlist among her forces this +crowning attribute of the terrible. From its snowy aspect, the +gauntleted ghost of the Southern Seas has been denominated the White +Squall. Nor, in some historic instances, has the art of human malice +omitted so potent an auxiliary. How wildly it heightens the effect of +that passage in Froissart, when, masked in the snowy symbol of their +faction, the desperate White Hoods of Ghent murder their bailiff in the +market-place! + +Nor, in some things, does the common, hereditary experience of all +mankind fail to bear witness to the supernaturalism of this hue. It +cannot well be doubted, that the one visible quality in the aspect of +the dead which most appals the gazer, is the marble pallor lingering +there; as if indeed that pallor were as much like the badge of +consternation in the other world, as of mortal trepidation here. And +from that pallor of the dead, we borrow the expressive hue of the +shroud in which we wrap them. Nor even in our superstitions do we fail +to throw the same snowy mantle round our phantoms; all ghosts rising in +a milk-white fog—Yea, while these terrors seize us, let us add, that +even the king of terrors, when personified by the evangelist, rides on +his pallid horse. + +Therefore, in his other moods, symbolize whatever grand or gracious +thing he will by whiteness, no man can deny that in its profoundest +idealized significance it calls up a peculiar apparition to the soul. + +But though without dissent this point be fixed, how is mortal man to +account for it? To analyse it, would seem impossible. Can we, then, by +the citation of some of those instances wherein this thing of +whiteness—though for the time either wholly or in great part stripped +of all direct associations calculated to impart to it aught fearful, +but nevertheless, is found to exert over us the same sorcery, however +modified;—can we thus hope to light upon some chance clue to conduct us +to the hidden cause we seek? + +Let us try. But in a matter like this, subtlety appeals to subtlety, +and without imagination no man can follow another into these halls. And +though, doubtless, some at least of the imaginative impressions about +to be presented may have been shared by most men, yet few perhaps were +entirely conscious of them at the time, and therefore may not be able +to recall them now. + +Why to the man of untutored ideality, who happens to be but loosely +acquainted with the peculiar character of the day, does the bare +mention of Whitsuntide marshal in the fancy such long, dreary, +speechless processions of slow-pacing pilgrims, down-cast and hooded +with new-fallen snow? Or, to the unread, unsophisticated Protestant of +the Middle American States, why does the passing mention of a White +Friar or a White Nun, evoke such an eyeless statue in the soul? + +Or what is there apart from the traditions of dungeoned warriors and +kings (which will not wholly account for it) that makes the White Tower +of London tell so much more strongly on the imagination of an +untravelled American, than those other storied structures, its +neighbors—the Byward Tower, or even the Bloody? And those sublimer +towers, the White Mountains of New Hampshire, whence, in peculiar +moods, comes that gigantic ghostliness over the soul at the bare +mention of that name, while the thought of Virginia’s Blue Ridge is +full of a soft, dewy, distant dreaminess? Or why, irrespective of all +latitudes and longitudes, does the name of the White Sea exert such a +spectralness over the fancy, while that of the Yellow Sea lulls us with +mortal thoughts of long lacquered mild afternoons on the waves, +followed by the gaudiest and yet sleepiest of sunsets? Or, to choose a +wholly unsubstantial instance, purely addressed to the fancy, why, in +reading the old fairy tales of Central Europe, does “the tall pale man” +of the Hartz forests, whose changeless pallor unrustlingly glides +through the green of the groves—why is this phantom more terrible than +all the whooping imps of the Blocksburg? + +Nor is it, altogether, the remembrance of her cathedral-toppling +earthquakes; nor the stampedoes of her frantic seas; nor the +tearlessness of arid skies that never rain; nor the sight of her wide +field of leaning spires, wrenched cope-stones, and crosses all adroop +(like canted yards of anchored fleets); and her suburban avenues of +house-walls lying over upon each other, as a tossed pack of cards;—it +is not these things alone which make tearless Lima, the strangest, +saddest city thou can’st see. For Lima has taken the white veil; and +there is a higher horror in this whiteness of her woe. Old as Pizarro, +this whiteness keeps her ruins for ever new; admits not the cheerful +greenness of complete decay; spreads over her broken ramparts the rigid +pallor of an apoplexy that fixes its own distortions. + +I know that, to the common apprehension, this phenomenon of whiteness +is not confessed to be the prime agent in exaggerating the terror of +objects otherwise terrible; nor to the unimaginative mind is there +aught of terror in those appearances whose awfulness to another mind +almost solely consists in this one phenomenon, especially when +exhibited under any form at all approaching to muteness or +universality. What I mean by these two statements may perhaps be +respectively elucidated by the following examples. + +First: The mariner, when drawing nigh the coasts of foreign lands, if +by night he hear the roar of breakers, starts to vigilance, and feels +just enough of trepidation to sharpen all his faculties; but under +precisely similar circumstances, let him be called from his hammock to +view his ship sailing through a midnight sea of milky whiteness—as if +from encircling headlands shoals of combed white bears were swimming +round him, then he feels a silent, superstitious dread; the shrouded +phantom of the whitened waters is horrible to him as a real ghost; in +vain the lead assures him he is still off soundings; heart and helm +they both go down; he never rests till blue water is under him again. +Yet where is the mariner who will tell thee, “Sir, it was not so much +the fear of striking hidden rocks, as the fear of that hideous +whiteness that so stirred me?” + +Second: To the native Indian of Peru, the continual sight of the +snow-howdahed Andes conveys naught of dread, except, perhaps, in the +mere fancying of the eternal frosted desolateness reigning at such vast +altitudes, and the natural conceit of what a fearfulness it would be to +lose oneself in such inhuman solitudes. Much the same is it with the +backwoodsman of the West, who with comparative indifference views an +unbounded prairie sheeted with driven snow, no shadow of tree or twig +to break the fixed trance of whiteness. Not so the sailor, beholding +the scenery of the Antarctic seas; where at times, by some infernal +trick of legerdemain in the powers of frost and air, he, shivering and +half shipwrecked, instead of rainbows speaking hope and solace to his +misery, views what seems a boundless churchyard grinning upon him with +its lean ice monuments and splintered crosses. + +But thou sayest, methinks that white-lead chapter about whiteness is +but a white flag hung out from a craven soul; thou surrenderest to a +hypo, Ishmael. + +Tell me, why this strong young colt, foaled in some peaceful valley of +Vermont, far removed from all beasts of prey—why is it that upon the +sunniest day, if you but shake a fresh buffalo robe behind him, so that +he cannot even see it, but only smells its wild animal muskiness—why +will he start, snort, and with bursting eyes paw the ground in +phrensies of affright? There is no remembrance in him of any gorings of +wild creatures in his green northern home, so that the strange +muskiness he smells cannot recall to him anything associated with the +experience of former perils; for what knows he, this New England colt, +of the black bisons of distant Oregon? + +No: but here thou beholdest even in a dumb brute, the instinct of the +knowledge of the demonism in the world. Though thousands of miles from +Oregon, still when he smells that savage musk, the rending, goring +bison herds are as present as to the deserted wild foal of the +prairies, which this instant they may be trampling into dust. + +Thus, then, the muffled rollings of a milky sea; the bleak rustlings of +the festooned frosts of mountains; the desolate shiftings of the +windrowed snows of prairies; all these, to Ishmael, are as the shaking +of that buffalo robe to the frightened colt! + +Though neither knows where lie the nameless things of which the mystic +sign gives forth such hints; yet with me, as with the colt, somewhere +those things must exist. Though in many of its aspects this visible +world seems formed in love, the invisible spheres were formed in +fright. + +But not yet have we solved the incantation of this whiteness, and +learned why it appeals with such power to the soul; and more strange +and far more portentous—why, as we have seen, it is at once the most +meaning symbol of spiritual things, nay, the very veil of the +Christian’s Deity; and yet should be as it is, the intensifying agent +in things the most appalling to mankind. + +Is it that by its indefiniteness it shadows forth the heartless voids +and immensities of the universe, and thus stabs us from behind with the +thought of annihilation, when beholding the white depths of the milky +way? Or is it, that as in essence whiteness is not so much a colour as +the visible absence of colour; and at the same time the concrete of all +colours; is it for these reasons that there is such a dumb blankness, +full of meaning, in a wide landscape of snows—a colourless, all-colour +of atheism from which we shrink? And when we consider that other theory +of the natural philosophers, that all other earthly hues—every stately +or lovely emblazoning—the sweet tinges of sunset skies and woods; yea, +and the gilded velvets of butterflies, and the butterfly cheeks of +young girls; all these are but subtile deceits, not actually inherent +in substances, but only laid on from without; so that all deified +Nature absolutely paints like the harlot, whose allurements cover +nothing but the charnel-house within; and when we proceed further, and +consider that the mystical cosmetic which produces every one of her +hues, the great principle of light, for ever remains white or colorless +in itself, and if operating without medium upon matter, would touch all +objects, even tulips and roses, with its own blank tinge—pondering all +this, the palsied universe lies before us a leper; and like wilful +travellers in Lapland, who refuse to wear coloured and colouring +glasses upon their eyes, so the wretched infidel gazes himself blind at +the monumental white shroud that wraps all the prospect around him. And +of all these things the Albino whale was the symbol. Wonder ye then at +the fiery hunt? + + +CHAPTER 43. Hark! + +“HIST! Did you hear that noise, Cabaco?” + +It was the middle-watch: a fair moonlight; the seamen were standing in +a cordon, extending from one of the fresh-water butts in the waist, to +the scuttle-butt near the taffrail. In this manner, they passed the +buckets to fill the scuttle-butt. Standing, for the most part, on the +hallowed precincts of the quarter-deck, they were careful not to speak +or rustle their feet. From hand to hand, the buckets went in the +deepest silence, only broken by the occasional flap of a sail, and the +steady hum of the unceasingly advancing keel. + +It was in the midst of this repose, that Archy, one of the cordon, +whose post was near the after-hatches, whispered to his neighbor, a +Cholo, the words above. + +“Hist! did you hear that noise, Cabaco?” + +“Take the bucket, will ye, Archy? what noise d’ye mean?” + +“There it is again—under the hatches—don’t you hear it—a cough—it +sounded like a cough.” + +“Cough be damned! Pass along that return bucket.” + +“There again—there it is!—it sounds like two or three sleepers turning +over, now!” + +“Caramba! have done, shipmate, will ye? It’s the three soaked biscuits +ye eat for supper turning over inside of ye—nothing else. Look to the +bucket!” + +“Say what ye will, shipmate; I’ve sharp ears.” + +“Aye, you are the chap, ain’t ye, that heard the hum of the old +Quakeress’s knitting-needles fifty miles at sea from Nantucket; you’re +the chap.” + +“Grin away; we’ll see what turns up. Hark ye, Cabaco, there is somebody +down in the after-hold that has not yet been seen on deck; and I +suspect our old Mogul knows something of it too. I heard Stubb tell +Flask, one morning watch, that there was something of that sort in the +wind.” + +“Tish! the bucket!” + + +CHAPTER 44. The Chart. + +Had you followed Captain Ahab down into his cabin after the squall that +took place on the night succeeding that wild ratification of his +purpose with his crew, you would have seen him go to a locker in the +transom, and bringing out a large wrinkled roll of yellowish sea +charts, spread them before him on his screwed-down table. Then seating +himself before it, you would have seen him intently study the various +lines and shadings which there met his eye; and with slow but steady +pencil trace additional courses over spaces that before were blank. At +intervals, he would refer to piles of old log-books beside him, wherein +were set down the seasons and places in which, on various former +voyages of various ships, sperm whales had been captured or seen. + +While thus employed, the heavy pewter lamp suspended in chains over his +head, continually rocked with the motion of the ship, and for ever +threw shifting gleams and shadows of lines upon his wrinkled brow, till +it almost seemed that while he himself was marking out lines and +courses on the wrinkled charts, some invisible pencil was also tracing +lines and courses upon the deeply marked chart of his forehead. + +But it was not this night in particular that, in the solitude of his +cabin, Ahab thus pondered over his charts. Almost every night they were +brought out; almost every night some pencil marks were effaced, and +others were substituted. For with the charts of all four oceans before +him, Ahab was threading a maze of currents and eddies, with a view to +the more certain accomplishment of that monomaniac thought of his soul. + +Now, to any one not fully acquainted with the ways of the leviathans, +it might seem an absurdly hopeless task thus to seek out one solitary +creature in the unhooped oceans of this planet. But not so did it seem +to Ahab, who knew the sets of all tides and currents; and thereby +calculating the driftings of the sperm whale’s food; and, also, calling +to mind the regular, ascertained seasons for hunting him in particular +latitudes; could arrive at reasonable surmises, almost approaching to +certainties, concerning the timeliest day to be upon this or that +ground in search of his prey. + +So assured, indeed, is the fact concerning the periodicalness of the +sperm whale’s resorting to given waters, that many hunters believe +that, could he be closely observed and studied throughout the world; +were the logs for one voyage of the entire whale fleet carefully +collated, then the migrations of the sperm whale would be found to +correspond in invariability to those of the herring-shoals or the +flights of swallows. On this hint, attempts have been made to construct +elaborate migratory charts of the sperm whale.* + + + *Since the above was written, the statement is happily borne out by + an official circular, issued by Lieutenant Maury, of the National + Observatory, Washington, April 16th, 1851. By that circular, it + appears that precisely such a chart is in course of completion; and + portions of it are presented in the circular. “This chart divides the + ocean into districts of five degrees of latitude by five degrees of + longitude; perpendicularly through each of which districts are twelve + columns for the twelve months; and horizontally through each of which + districts are three lines; one to show the number of days that have + been spent in each month in every district, and the two others to + show the number of days in which whales, sperm or right, have been + seen.” + + + + +Besides, when making a passage from one feeding-ground to another, the +sperm whales, guided by some infallible instinct—say, rather, secret +intelligence from the Deity—mostly swim in _veins_, as they are called; +continuing their way along a given ocean-line with such undeviating +exactitude, that no ship ever sailed her course, by any chart, with one +tithe of such marvellous precision. Though, in these cases, the +direction taken by any one whale be straight as a surveyor’s parallel, +and though the line of advance be strictly confined to its own +unavoidable, straight wake, yet the arbitrary _vein_ in which at these +times he is said to swim, generally embraces some few miles in width +(more or less, as the vein is presumed to expand or contract); but +never exceeds the visual sweep from the whale-ship’s mast-heads, when +circumspectly gliding along this magic zone. The sum is, that at +particular seasons within that breadth and along that path, migrating +whales may with great confidence be looked for. + +And hence not only at substantiated times, upon well known separate +feeding-grounds, could Ahab hope to encounter his prey; but in crossing +the widest expanses of water between those grounds he could, by his +art, so place and time himself on his way, as even then not to be +wholly without prospect of a meeting. + +There was a circumstance which at first sight seemed to entangle his +delirious but still methodical scheme. But not so in the reality, +perhaps. Though the gregarious sperm whales have their regular seasons +for particular grounds, yet in general you cannot conclude that the +herds which haunted such and such a latitude or longitude this year, +say, will turn out to be identically the same with those that were +found there the preceding season; though there are peculiar and +unquestionable instances where the contrary of this has proved true. In +general, the same remark, only within a less wide limit, applies to the +solitaries and hermits among the matured, aged sperm whales. So that +though Moby Dick had in a former year been seen, for example, on what +is called the Seychelle ground in the Indian ocean, or Volcano Bay on +the Japanese Coast; yet it did not follow, that were the Pequod to +visit either of those spots at any subsequent corresponding season, she +would infallibly encounter him there. So, too, with some other feeding +grounds, where he had at times revealed himself. But all these seemed +only his casual stopping-places and ocean-inns, so to speak, not his +places of prolonged abode. And where Ahab’s chances of accomplishing +his object have hitherto been spoken of, allusion has only been made to +whatever way-side, antecedent, extra prospects were his, ere a +particular set time or place were attained, when all possibilities +would become probabilities, and, as Ahab fondly thought, every +possibility the next thing to a certainty. That particular set time and +place were conjoined in the one technical phrase—the +Season-on-the-Line. For there and then, for several consecutive years, +Moby Dick had been periodically descried, lingering in those waters for +awhile, as the sun, in its annual round, loiters for a predicted +interval in any one sign of the Zodiac. There it was, too, that most of +the deadly encounters with the white whale had taken place; there the +waves were storied with his deeds; there also was that tragic spot +where the monomaniac old man had found the awful motive to his +vengeance. But in the cautious comprehensiveness and unloitering +vigilance with which Ahab threw his brooding soul into this unfaltering +hunt, he would not permit himself to rest all his hopes upon the one +crowning fact above mentioned, however flattering it might be to those +hopes; nor in the sleeplessness of his vow could he so tranquillize his +unquiet heart as to postpone all intervening quest. + +Now, the Pequod had sailed from Nantucket at the very beginning of the +Season-on-the-Line. No possible endeavor then could enable her +commander to make the great passage southwards, double Cape Horn, and +then running down sixty degrees of latitude arrive in the equatorial +Pacific in time to cruise there. Therefore, he must wait for the next +ensuing season. Yet the premature hour of the Pequod’s sailing had, +perhaps, been correctly selected by Ahab, with a view to this very +complexion of things. Because, an interval of three hundred and +sixty-five days and nights was before him; an interval which, instead +of impatiently enduring ashore, he would spend in a miscellaneous hunt; +if by chance the White Whale, spending his vacation in seas far remote +from his periodical feeding-grounds, should turn up his wrinkled brow +off the Persian Gulf, or in the Bengal Bay, or China Seas, or in any +other waters haunted by his race. So that Monsoons, Pampas, +Nor’-Westers, Harmattans, Trades; any wind but the Levanter and Simoon, +might blow Moby Dick into the devious zig-zag world-circle of the +Pequod’s circumnavigating wake. + +But granting all this; yet, regarded discreetly and coolly, seems it +not but a mad idea, this; that in the broad boundless ocean, one +solitary whale, even if encountered, should be thought capable of +individual recognition from his hunter, even as a white-bearded Mufti +in the thronged thoroughfares of Constantinople? Yes. For the peculiar +snow-white brow of Moby Dick, and his snow-white hump, could not but be +unmistakable. And have I not tallied the whale, Ahab would mutter to +himself, as after poring over his charts till long after midnight he +would throw himself back in reveries—tallied him, and shall he escape? +His broad fins are bored, and scalloped out like a lost sheep’s ear! +And here, his mad mind would run on in a breathless race; till a +weariness and faintness of pondering came over him; and in the open air +of the deck he would seek to recover his strength. Ah, God! what +trances of torments does that man endure who is consumed with one +unachieved revengeful desire. He sleeps with clenched hands; and wakes +with his own bloody nails in his palms. + +Often, when forced from his hammock by exhausting and intolerably vivid +dreams of the night, which, resuming his own intense thoughts through +the day, carried them on amid a clashing of phrensies, and whirled them +round and round and round in his blazing brain, till the very throbbing +of his life-spot became insufferable anguish; and when, as was +sometimes the case, these spiritual throes in him heaved his being up +from its base, and a chasm seemed opening in him, from which forked +flames and lightnings shot up, and accursed fiends beckoned him to leap +down among them; when this hell in himself yawned beneath him, a wild +cry would be heard through the ship; and with glaring eyes Ahab would +burst from his state room, as though escaping from a bed that was on +fire. Yet these, perhaps, instead of being the unsuppressable symptoms +of some latent weakness, or fright at his own resolve, were but the +plainest tokens of its intensity. For, at such times, crazy Ahab, the +scheming, unappeasedly steadfast hunter of the white whale; this Ahab +that had gone to his hammock, was not the agent that so caused him to +burst from it in horror again. The latter was the eternal, living +principle or soul in him; and in sleep, being for the time dissociated +from the characterizing mind, which at other times employed it for its +outer vehicle or agent, it spontaneously sought escape from the +scorching contiguity of the frantic thing, of which, for the time, it +was no longer an integral. But as the mind does not exist unless +leagued with the soul, therefore it must have been that, in Ahab’s +case, yielding up all his thoughts and fancies to his one supreme +purpose; that purpose, by its own sheer inveteracy of will, forced +itself against gods and devils into a kind of self-assumed, independent +being of its own. Nay, could grimly live and burn, while the common +vitality to which it was conjoined, fled horror-stricken from the +unbidden and unfathered birth. Therefore, the tormented spirit that +glared out of bodily eyes, when what seemed Ahab rushed from his room, +was for the time but a vacated thing, a formless somnambulistic being, +a ray of living light, to be sure, but without an object to colour, and +therefore a blankness in itself. God help thee, old man, thy thoughts +have created a creature in thee; and he whose intense thinking thus +makes him a Prometheus; a vulture feeds upon that heart for ever; that +vulture the very creature he creates. + + +CHAPTER 45. The Affidavit. + +So far as what there may be of a narrative in this book; and, indeed, +as indirectly touching one or two very interesting and curious +particulars in the habits of sperm whales, the foregoing chapter, in +its earlier part, is as important a one as will be found in this +volume; but the leading matter of it requires to be still further and +more familiarly enlarged upon, in order to be adequately understood, +and moreover to take away any incredulity which a profound ignorance of +the entire subject may induce in some minds, as to the natural verity +of the main points of this affair. + +I care not to perform this part of my task methodically; but shall be +content to produce the desired impression by separate citations of +items, practically or reliably known to me as a whaleman; and from +these citations, I take it—the conclusion aimed at will naturally +follow of itself. + +First: I have personally known three instances where a whale, after +receiving a harpoon, has effected a complete escape; and, after an +interval (in one instance of three years), has been again struck by the +same hand, and slain; when the two irons, both marked by the same +private cypher, have been taken from the body. In the instance where +three years intervened between the flinging of the two harpoons; and I +think it may have been something more than that; the man who darted +them happening, in the interval, to go in a trading ship on a voyage to +Africa, went ashore there, joined a discovery party, and penetrated far +into the interior, where he travelled for a period of nearly two years, +often endangered by serpents, savages, tigers, poisonous miasmas, with +all the other common perils incident to wandering in the heart of +unknown regions. Meanwhile, the whale he had struck must also have been +on its travels; no doubt it had thrice circumnavigated the globe, +brushing with its flanks all the coasts of Africa; but to no purpose. +This man and this whale again came together, and the one vanquished the +other. I say I, myself, have known three instances similar to this; +that is in two of them I saw the whales struck; and, upon the second +attack, saw the two irons with the respective marks cut in them, +afterwards taken from the dead fish. In the three-year instance, it so +fell out that I was in the boat both times, first and last, and the +last time distinctly recognised a peculiar sort of huge mole under the +whale’s eye, which I had observed there three years previous. I say +three years, but I am pretty sure it was more than that. Here are three +instances, then, which I personally know the truth of; but I have heard +of many other instances from persons whose veracity in the matter there +is no good ground to impeach. + +Secondly: It is well known in the Sperm Whale Fishery, however ignorant +the world ashore may be of it, that there have been several memorable +historical instances where a particular whale in the ocean has been at +distant times and places popularly cognisable. Why such a whale became +thus marked was not altogether and originally owing to his bodily +peculiarities as distinguished from other whales; for however peculiar +in that respect any chance whale may be, they soon put an end to his +peculiarities by killing him, and boiling him down into a peculiarly +valuable oil. No: the reason was this: that from the fatal experiences +of the fishery there hung a terrible prestige of perilousness about +such a whale as there did about Rinaldo Rinaldini, insomuch that most +fishermen were content to recognise him by merely touching their +tarpaulins when he would be discovered lounging by them on the sea, +without seeking to cultivate a more intimate acquaintance. Like some +poor devils ashore that happen to know an irascible great man, they +make distant unobtrusive salutations to him in the street, lest if they +pursued the acquaintance further, they might receive a summary thump +for their presumption. + +But not only did each of these famous whales enjoy great individual +celebrity—Nay, you may call it an ocean-wide renown; not only was he +famous in life and now is immortal in forecastle stories after death, +but he was admitted into all the rights, privileges, and distinctions +of a name; had as much a name indeed as Cambyses or Cæsar. Was it not +so, O Timor Tom! thou famed leviathan, scarred like an iceberg, who so +long did’st lurk in the Oriental straits of that name, whose spout was +oft seen from the palmy beach of Ombay? Was it not so, O New Zealand +Jack! thou terror of all cruisers that crossed their wakes in the +vicinity of the Tattoo Land? Was it not so, O Morquan! King of Japan, +whose lofty jet they say at times assumed the semblance of a snow-white +cross against the sky? Was it not so, O Don Miguel! thou Chilian whale, +marked like an old tortoise with mystic hieroglyphics upon the back! In +plain prose, here are four whales as well known to the students of +Cetacean History as Marius or Sylla to the classic scholar. + +But this is not all. New Zealand Tom and Don Miguel, after at various +times creating great havoc among the boats of different vessels, were +finally gone in quest of, systematically hunted out, chased and killed +by valiant whaling captains, who heaved up their anchors with that +express object as much in view, as in setting out through the +Narragansett Woods, Captain Butler of old had it in his mind to capture +that notorious murderous savage Annawon, the headmost warrior of the +Indian King Philip. + +I do not know where I can find a better place than just here, to make +mention of one or two other things, which to me seem important, as in +printed form establishing in all respects the reasonableness of the +whole story of the White Whale, more especially the catastrophe. For +this is one of those disheartening instances where truth requires full +as much bolstering as error. So ignorant are most landsmen of some of +the plainest and most palpable wonders of the world, that without some +hints touching the plain facts, historical and otherwise, of the +fishery, they might scout at Moby Dick as a monstrous fable, or still +worse and more detestable, a hideous and intolerable allegory. + +First: Though most men have some vague flitting ideas of the general +perils of the grand fishery, yet they have nothing like a fixed, vivid +conception of those perils, and the frequency with which they recur. +One reason perhaps is, that not one in fifty of the actual disasters +and deaths by casualties in the fishery, ever finds a public record at +home, however transient and immediately forgotten that record. Do you +suppose that that poor fellow there, who this moment perhaps caught by +the whale-line off the coast of New Guinea, is being carried down to +the bottom of the sea by the sounding leviathan—do you suppose that +that poor fellow’s name will appear in the newspaper obituary you will +read to-morrow at your breakfast? No: because the mails are very +irregular between here and New Guinea. In fact, did you ever hear what +might be called regular news direct or indirect from New Guinea? Yet I +tell you that upon one particular voyage which I made to the Pacific, +among many others we spoke thirty different ships, every one of which +had had a death by a whale, some of them more than one, and three that +had each lost a boat’s crew. For God’s sake, be economical with your +lamps and candles! not a gallon you burn, but at least one drop of +man’s blood was spilled for it. + +Secondly: People ashore have indeed some indefinite idea that a whale +is an enormous creature of enormous power; but I have ever found that +when narrating to them some specific example of this two-fold +enormousness, they have significantly complimented me upon my +facetiousness; when, I declare upon my soul, I had no more idea of +being facetious than Moses, when he wrote the history of the plagues of +Egypt. + +But fortunately the special point I here seek can be established upon +testimony entirely independent of my own. That point is this: The Sperm +Whale is in some cases sufficiently powerful, knowing, and judiciously +malicious, as with direct aforethought to stave in, utterly destroy, +and sink a large ship; and what is more, the Sperm Whale _has_ done it. + +First: In the year 1820 the ship Essex, Captain Pollard, of Nantucket, +was cruising in the Pacific Ocean. One day she saw spouts, lowered her +boats, and gave chase to a shoal of sperm whales. Ere long, several of +the whales were wounded; when, suddenly, a very large whale escaping +from the boats, issued from the shoal, and bore directly down upon the +ship. Dashing his forehead against her hull, he so stove her in, that +in less than “ten minutes” she settled down and fell over. Not a +surviving plank of her has been seen since. After the severest +exposure, part of the crew reached the land in their boats. Being +returned home at last, Captain Pollard once more sailed for the Pacific +in command of another ship, but the gods shipwrecked him again upon +unknown rocks and breakers; for the second time his ship was utterly +lost, and forthwith forswearing the sea, he has never tempted it since. +At this day Captain Pollard is a resident of Nantucket. I have seen +Owen Chace, who was chief mate of the Essex at the time of the tragedy; +I have read his plain and faithful narrative; I have conversed with his +son; and all this within a few miles of the scene of the catastrophe.* + +*The following are extracts from Chace’s narrative: “Every fact seemed +to warrant me in concluding that it was anything but chance which +directed his operations; he made two several attacks upon the ship, at +a short interval between them, both of which, according to their +direction, were calculated to do us the most injury, by being made +ahead, and thereby combining the speed of the two objects for the +shock; to effect which, the exact manœuvres which he made were +necessary. His aspect was most horrible, and such as indicated +resentment and fury. He came directly from the shoal which we had just +before entered, and in which we had struck three of his companions, as +if fired with revenge for their sufferings.” Again: “At all events, the +whole circumstances taken together, all happening before my own eyes, +and producing, at the time, impressions in my mind of decided, +calculating mischief, on the part of the whale (many of which +impressions I cannot now recall), induce me to be satisfied that I am +correct in my opinion.” + +Here are his reflections some time after quitting the ship, during a +black night in an open boat, when almost despairing of reaching any +hospitable shore. “The dark ocean and swelling waters were nothing; the +fears of being swallowed up by some dreadful tempest, or dashed upon +hidden rocks, with all the other ordinary subjects of fearful +contemplation, seemed scarcely entitled to a moment’s thought; the +dismal looking wreck, and _the horrid aspect and revenge of the whale_, +wholly engrossed my reflections, until day again made its appearance.” + +In another place—p. 45,—he speaks of “_the mysterious and mortal attack +of the animal_.” + +Secondly: The ship Union, also of Nantucket, was in the year 1807 +totally lost off the Azores by a similar onset, but the authentic +particulars of this catastrophe I have never chanced to encounter, +though from the whale hunters I have now and then heard casual +allusions to it. + +Thirdly: Some eighteen or twenty years ago Commodore J——, then +commanding an American sloop-of-war of the first class, happened to be +dining with a party of whaling captains, on board a Nantucket ship in +the harbor of Oahu, Sandwich Islands. Conversation turning upon whales, +the Commodore was pleased to be sceptical touching the amazing strength +ascribed to them by the professional gentlemen present. He peremptorily +denied for example, that any whale could so smite his stout +sloop-of-war as to cause her to leak so much as a thimbleful. Very +good; but there is more coming. Some weeks after, the Commodore set +sail in this impregnable craft for Valparaiso. But he was stopped on +the way by a portly sperm whale, that begged a few moments’ +confidential business with him. That business consisted in fetching the +Commodore’s craft such a thwack, that with all his pumps going he made +straight for the nearest port to heave down and repair. I am not +superstitious, but I consider the Commodore’s interview with that whale +as providential. Was not Saul of Tarsus converted from unbelief by a +similar fright? I tell you, the sperm whale will stand no nonsense. + +I will now refer you to Langsdorff’s Voyages for a little circumstance +in point, peculiarly interesting to the writer hereof. Langsdorff, you +must know by the way, was attached to the Russian Admiral Krusenstern’s +famous Discovery Expedition in the beginning of the present century. +Captain Langsdorff thus begins his seventeenth chapter: + +“By the thirteenth of May our ship was ready to sail, and the next day +we were out in the open sea, on our way to Ochotsh. The weather was +very clear and fine, but so intolerably cold that we were obliged to +keep on our fur clothing. For some days we had very little wind; it was +not till the nineteenth that a brisk gale from the northwest sprang up. +An uncommon large whale, the body of which was larger than the ship +itself, lay almost at the surface of the water, but was not perceived +by any one on board till the moment when the ship, which was in full +sail, was almost upon him, so that it was impossible to prevent its +striking against him. We were thus placed in the most imminent danger, +as this gigantic creature, setting up its back, raised the ship three +feet at least out of the water. The masts reeled, and the sails fell +altogether, while we who were below all sprang instantly upon the deck, +concluding that we had struck upon some rock; instead of this we saw +the monster sailing off with the utmost gravity and solemnity. Captain +D’Wolf applied immediately to the pumps to examine whether or not the +vessel had received any damage from the shock, but we found that very +happily it had escaped entirely uninjured.” + +Now, the Captain D’Wolf here alluded to as commanding the ship in +question, is a New Englander, who, after a long life of unusual +adventures as a sea-captain, this day resides in the village of +Dorchester near Boston. I have the honor of being a nephew of his. I +have particularly questioned him concerning this passage in Langsdorff. +He substantiates every word. The ship, however, was by no means a large +one: a Russian craft built on the Siberian coast, and purchased by my +uncle after bartering away the vessel in which he sailed from home. + +In that up and down manly book of old-fashioned adventure, so full, +too, of honest wonders—the voyage of Lionel Wafer, one of ancient +Dampier’s old chums—I found a little matter set down so like that just +quoted from Langsdorff, that I cannot forbear inserting it here for a +corroborative example, if such be needed. + +Lionel, it seems, was on his way to “John Ferdinando,” as he calls the +modern Juan Fernandes. “In our way thither,” he says, “about four +o’clock in the morning, when we were about one hundred and fifty +leagues from the Main of America, our ship felt a terrible shock, which +put our men in such consternation that they could hardly tell where +they were or what to think; but every one began to prepare for death. +And, indeed, the shock was so sudden and violent, that we took it for +granted the ship had struck against a rock; but when the amazement was +a little over, we cast the lead, and sounded, but found no ground. * * +* * * The suddenness of the shock made the guns leap in their +carriages, and several of the men were shaken out of their hammocks. +Captain Davis, who lay with his head on a gun, was thrown out of his +cabin!” Lionel then goes on to impute the shock to an earthquake, and +seems to substantiate the imputation by stating that a great +earthquake, somewhere about that time, did actually do great mischief +along the Spanish land. But I should not much wonder if, in the +darkness of that early hour of the morning, the shock was after all +caused by an unseen whale vertically bumping the hull from beneath. + +I might proceed with several more examples, one way or another known to +me, of the great power and malice at times of the sperm whale. In more +than one instance, he has been known, not only to chase the assailing +boats back to their ships, but to pursue the ship itself, and long +withstand all the lances hurled at him from its decks. The English ship +Pusie Hall can tell a story on that head; and, as for his strength, let +me say, that there have been examples where the lines attached to a +running sperm whale have, in a calm, been transferred to the ship, and +secured there; the whale towing her great hull through the water, as a +horse walks off with a cart. Again, it is very often observed that, if +the sperm whale, once struck, is allowed time to rally, he then acts, +not so often with blind rage, as with wilful, deliberate designs of +destruction to his pursuers; nor is it without conveying some eloquent +indication of his character, that upon being attacked he will +frequently open his mouth, and retain it in that dread expansion for +several consecutive minutes. But I must be content with only one more +and a concluding illustration; a remarkable and most significant one, +by which you will not fail to see, that not only is the most marvellous +event in this book corroborated by plain facts of the present day, but +that these marvels (like all marvels) are mere repetitions of the ages; +so that for the millionth time we say amen with Solomon—Verily there is +nothing new under the sun. + +In the sixth Christian century lived Procopius, a Christian magistrate +of Constantinople, in the days when Justinian was Emperor and +Belisarius general. As many know, he wrote the history of his own +times, a work every way of uncommon value. By the best authorities, he +has always been considered a most trustworthy and unexaggerating +historian, except in some one or two particulars, not at all affecting +the matter presently to be mentioned. + +Now, in this history of his, Procopius mentions that, during the term +of his prefecture at Constantinople, a great sea-monster was captured +in the neighboring Propontis, or Sea of Marmora, after having destroyed +vessels at intervals in those waters for a period of more than fifty +years. A fact thus set down in substantial history cannot easily be +gainsaid. Nor is there any reason it should be. Of what precise species +this sea-monster was, is not mentioned. But as he destroyed ships, as +well as for other reasons, he must have been a whale; and I am strongly +inclined to think a sperm whale. And I will tell you why. For a long +time I fancied that the sperm whale had been always unknown in the +Mediterranean and the deep waters connecting with it. Even now I am +certain that those seas are not, and perhaps never can be, in the +present constitution of things, a place for his habitual gregarious +resort. But further investigations have recently proved to me, that in +modern times there have been isolated instances of the presence of the +sperm whale in the Mediterranean. I am told, on good authority, that on +the Barbary coast, a Commodore Davis of the British navy found the +skeleton of a sperm whale. Now, as a vessel of war readily passes +through the Dardanelles, hence a sperm whale could, by the same route, +pass out of the Mediterranean into the Propontis. + +In the Propontis, as far as I can learn, none of that peculiar +substance called _brit_ is to be found, the aliment of the right whale. +But I have every reason to believe that the food of the sperm +whale—squid or cuttle-fish—lurks at the bottom of that sea, because +large creatures, but by no means the largest of that sort, have been +found at its surface. If, then, you properly put these statements +together, and reason upon them a bit, you will clearly perceive that, +according to all human reasoning, Procopius’s sea-monster, that for +half a century stove the ships of a Roman Emperor, must in all +probability have been a sperm whale. + + +CHAPTER 46. Surmises. + +Though, consumed with the hot fire of his purpose, Ahab in all his +thoughts and actions ever had in view the ultimate capture of Moby +Dick; though he seemed ready to sacrifice all mortal interests to that +one passion; nevertheless it may have been that he was by nature and +long habituation far too wedded to a fiery whaleman’s ways, altogether +to abandon the collateral prosecution of the voyage. Or at least if +this were otherwise, there were not wanting other motives much more +influential with him. It would be refining too much, perhaps, even +considering his monomania, to hint that his vindictiveness towards the +White Whale might have possibly extended itself in some degree to all +sperm whales, and that the more monsters he slew by so much the more he +multiplied the chances that each subsequently encountered whale would +prove to be the hated one he hunted. But if such an hypothesis be +indeed exceptionable, there were still additional considerations which, +though not so strictly according with the wildness of his ruling +passion, yet were by no means incapable of swaying him. + +To accomplish his object Ahab must use tools; and of all tools used in +the shadow of the moon, men are most apt to get out of order. He knew, +for example, that however magnetic his ascendency in some respects was +over Starbuck, yet that ascendency did not cover the complete spiritual +man any more than mere corporeal superiority involves intellectual +mastership; for to the purely spiritual, the intellectual but stand in +a sort of corporeal relation. Starbuck’s body and Starbuck’s coerced +will were Ahab’s, so long as Ahab kept his magnet at Starbuck’s brain; +still he knew that for all this the chief mate, in his soul, abhorred +his captain’s quest, and could he, would joyfully disintegrate himself +from it, or even frustrate it. It might be that a long interval would +elapse ere the White Whale was seen. During that long interval Starbuck +would ever be apt to fall into open relapses of rebellion against his +captain’s leadership, unless some ordinary, prudential, circumstantial +influences were brought to bear upon him. Not only that, but the subtle +insanity of Ahab respecting Moby Dick was noways more significantly +manifested than in his superlative sense and shrewdness in foreseeing +that, for the present, the hunt should in some way be stripped of that +strange imaginative impiousness which naturally invested it; that the +full terror of the voyage must be kept withdrawn into the obscure +background (for few men’s courage is proof against protracted +meditation unrelieved by action); that when they stood their long night +watches, his officers and men must have some nearer things to think of +than Moby Dick. For however eagerly and impetuously the savage crew had +hailed the announcement of his quest; yet all sailors of all sorts are +more or less capricious and unreliable—they live in the varying outer +weather, and they inhale its fickleness—and when retained for any +object remote and blank in the pursuit, however promissory of life and +passion in the end, it is above all things requisite that temporary +interests and employments should intervene and hold them healthily +suspended for the final dash. + +Nor was Ahab unmindful of another thing. In times of strong emotion +mankind disdain all base considerations; but such times are evanescent. +The permanent constitutional condition of the manufactured man, thought +Ahab, is sordidness. Granting that the White Whale fully incites the +hearts of this my savage crew, and playing round their savageness even +breeds a certain generous knight-errantism in them, still, while for +the love of it they give chase to Moby Dick, they must also have food +for their more common, daily appetites. For even the high lifted and +chivalric Crusaders of old times were not content to traverse two +thousand miles of land to fight for their holy sepulchre, without +committing burglaries, picking pockets, and gaining other pious +perquisites by the way. Had they been strictly held to their one final +and romantic object—that final and romantic object, too many would have +turned from in disgust. I will not strip these men, thought Ahab, of +all hopes of cash—aye, cash. They may scorn cash now; but let some +months go by, and no perspective promise of it to them, and then this +same quiescent cash all at once mutinying in them, this same cash would +soon cashier Ahab. + +Nor was there wanting still another precautionary motive more related +to Ahab personally. Having impulsively, it is probable, and perhaps +somewhat prematurely revealed the prime but private purpose of the +Pequod’s voyage, Ahab was now entirely conscious that, in so doing, he +had indirectly laid himself open to the unanswerable charge of +usurpation; and with perfect impunity, both moral and legal, his crew +if so disposed, and to that end competent, could refuse all further +obedience to him, and even violently wrest from him the command. From +even the barely hinted imputation of usurpation, and the possible +consequences of such a suppressed impression gaining ground, Ahab must +of course have been most anxious to protect himself. That protection +could only consist in his own predominating brain and heart and hand, +backed by a heedful, closely calculating attention to every minute +atmospheric influence which it was possible for his crew to be +subjected to. + +For all these reasons then, and others perhaps too analytic to be +verbally developed here, Ahab plainly saw that he must still in a good +degree continue true to the natural, nominal purpose of the Pequod’s +voyage; observe all customary usages; and not only that, but force +himself to evince all his well known passionate interest in the general +pursuit of his profession. + +Be all this as it may, his voice was now often heard hailing the three +mast-heads and admonishing them to keep a bright look-out, and not omit +reporting even a porpoise. This vigilance was not long without reward. + + +CHAPTER 47. The Mat-Maker. + +It was a cloudy, sultry afternoon; the seamen were lazily lounging +about the decks, or vacantly gazing over into the lead-coloured waters. +Queequeg and I were mildly employed weaving what is called a sword-mat, +for an additional lashing to our boat. So still and subdued and yet +somehow preluding was all the scene, and such an incantation of reverie +lurked in the air, that each silent sailor seemed resolved into his own +invisible self. + +I was the attendant or page of Queequeg, while busy at the mat. As I +kept passing and repassing the filling or woof of marline between the +long yarns of the warp, using my own hand for the shuttle, and as +Queequeg, standing sideways, ever and anon slid his heavy oaken sword +between the threads, and idly looking off upon the water, carelessly +and unthinkingly drove home every yarn: I say so strange a dreaminess +did there then reign all over the ship and all over the sea, only +broken by the intermitting dull sound of the sword, that it seemed as +if this were the Loom of Time, and I myself were a shuttle mechanically +weaving and weaving away at the Fates. There lay the fixed threads of +the warp subject to but one single, ever returning, unchanging +vibration, and that vibration merely enough to admit of the crosswise +interblending of other threads with its own. This warp seemed +necessity; and here, thought I, with my own hand I ply my own shuttle +and weave my own destiny into these unalterable threads. Meantime, +Queequeg’s impulsive, indifferent sword, sometimes hitting the woof +slantingly, or crookedly, or strongly, or weakly, as the case might be; +and by this difference in the concluding blow producing a corresponding +contrast in the final aspect of the completed fabric; this savage’s +sword, thought I, which thus finally shapes and fashions both warp and +woof; this easy, indifferent sword must be chance—aye, chance, free +will, and necessity—nowise incompatible—all interweavingly working +together. The straight warp of necessity, not to be swerved from its +ultimate course—its every alternating vibration, indeed, only tending +to that; free will still free to ply her shuttle between given threads; +and chance, though restrained in its play within the right lines of +necessity, and sideways in its motions directed by free will, though +thus prescribed to by both, chance by turns rules either, and has the +last featuring blow at events. + +Thus we were weaving and weaving away when I started at a sound so +strange, long drawn, and musically wild and unearthly, that the ball of +free will dropped from my hand, and I stood gazing up at the clouds +whence that voice dropped like a wing. High aloft in the cross-trees +was that mad Gay-Header, Tashtego. His body was reaching eagerly +forward, his hand stretched out like a wand, and at brief sudden +intervals he continued his cries. To be sure the same sound was that +very moment perhaps being heard all over the seas, from hundreds of +whalemen’s look-outs perched as high in the air; but from few of those +lungs could that accustomed old cry have derived such a marvellous +cadence as from Tashtego the Indian’s. + +As he stood hovering over you half suspended in air, so wildly and +eagerly peering towards the horizon, you would have thought him some +prophet or seer beholding the shadows of Fate, and by those wild cries +announcing their coming. + +“There she blows! there! there! there! she blows! she blows!” + +“Where-away?” + +“On the lee-beam, about two miles off! a school of them!” + +Instantly all was commotion. + +The Sperm Whale blows as a clock ticks, with the same undeviating and +reliable uniformity. And thereby whalemen distinguish this fish from +other tribes of his genus. + +“There go flukes!” was now the cry from Tashtego; and the whales +disappeared. + +“Quick, steward!” cried Ahab. “Time! time!” + +Dough-Boy hurried below, glanced at the watch, and reported the exact +minute to Ahab. + +The ship was now kept away from the wind, and she went gently rolling +before it. Tashtego reporting that the whales had gone down heading to +leeward, we confidently looked to see them again directly in advance of +our bows. For that singular craft at times evinced by the Sperm Whale +when, sounding with his head in one direction, he nevertheless, while +concealed beneath the surface, mills round, and swiftly swims off in +the opposite quarter—this deceitfulness of his could not now be in +action; for there was no reason to suppose that the fish seen by +Tashtego had been in any way alarmed, or indeed knew at all of our +vicinity. One of the men selected for shipkeepers—that is, those not +appointed to the boats, by this time relieved the Indian at the +main-mast head. The sailors at the fore and mizzen had come down; the +line tubs were fixed in their places; the cranes were thrust out; the +mainyard was backed, and the three boats swung over the sea like three +samphire baskets over high cliffs. Outside of the bulwarks their eager +crews with one hand clung to the rail, while one foot was expectantly +poised on the gunwale. So look the long line of man-of-war’s men about +to throw themselves on board an enemy’s ship. + +But at this critical instant a sudden exclamation was heard that took +every eye from the whale. With a start all glared at dark Ahab, who was +surrounded by five dusky phantoms that seemed fresh formed out of air. + + +CHAPTER 48. The First Lowering. + +The phantoms, for so they then seemed, were flitting on the other side +of the deck, and, with a noiseless celerity, were casting loose the +tackles and bands of the boat which swung there. This boat had always +been deemed one of the spare boats, though technically called the +captain’s, on account of its hanging from the starboard quarter. The +figure that now stood by its bows was tall and swart, with one white +tooth evilly protruding from its steel-like lips. A rumpled Chinese +jacket of black cotton funereally invested him, with wide black +trowsers of the same dark stuff. But strangely crowning this ebonness +was a glistening white plaited turban, the living hair braided and +coiled round and round upon his head. Less swart in aspect, the +companions of this figure were of that vivid, tiger-yellow complexion +peculiar to some of the aboriginal natives of the Manillas;—a race +notorious for a certain diabolism of subtilty, and by some honest white +mariners supposed to be the paid spies and secret confidential agents +on the water of the devil, their lord, whose counting-room they suppose +to be elsewhere. + +While yet the wondering ship’s company were gazing upon these +strangers, Ahab cried out to the white-turbaned old man at their head, +“All ready there, Fedallah?” + +“Ready,” was the half-hissed reply. + +“Lower away then; d’ye hear?” shouting across the deck. “Lower away +there, I say.” + +Such was the thunder of his voice, that spite of their amazement the +men sprang over the rail; the sheaves whirled round in the blocks; with +a wallow, the three boats dropped into the sea; while, with a +dexterous, off-handed daring, unknown in any other vocation, the +sailors, goat-like, leaped down the rolling ship’s side into the tossed +boats below. + +Hardly had they pulled out from under the ship’s lee, when a fourth +keel, coming from the windward side, pulled round under the stern, and +showed the five strangers rowing Ahab, who, standing erect in the +stern, loudly hailed Starbuck, Stubb, and Flask, to spread themselves +widely, so as to cover a large expanse of water. But with all their +eyes again riveted upon the swart Fedallah and his crew, the inmates of +the other boats obeyed not the command. + +“Captain Ahab?—” said Starbuck. + +“Spread yourselves,” cried Ahab; “give way, all four boats. Thou, +Flask, pull out more to leeward!” + +“Aye, aye, sir,” cheerily cried little King-Post, sweeping round his +great steering oar. “Lay back!” addressing his crew. +“There!—there!—there again! There she blows right ahead, boys!—lay +back!” + +“Never heed yonder yellow boys, Archy.” + +“Oh, I don’t mind ’em, sir,” said Archy; “I knew it all before now. +Didn’t I hear ’em in the hold? And didn’t I tell Cabaco here of it? +What say ye, Cabaco? They are stowaways, Mr. Flask.” + +“Pull, pull, my fine hearts-alive; pull, my children; pull, my little +ones,” drawlingly and soothingly sighed Stubb to his crew, some of whom +still showed signs of uneasiness. “Why don’t you break your backbones, +my boys? What is it you stare at? Those chaps in yonder boat? Tut! They +are only five more hands come to help us—never mind from where—the more +the merrier. Pull, then, do pull; never mind the brimstone—devils are +good fellows enough. So, so; there you are now; that’s the stroke for a +thousand pounds; that’s the stroke to sweep the stakes! Hurrah for the +gold cup of sperm oil, my heroes! Three cheers, men—all hearts alive! +Easy, easy; don’t be in a hurry—don’t be in a hurry. Why don’t you snap +your oars, you rascals? Bite something, you dogs! So, so, so, +then:—softly, softly! That’s it—that’s it! long and strong. Give way +there, give way! The devil fetch ye, ye ragamuffin rapscallions; ye are +all asleep. Stop snoring, ye sleepers, and pull. Pull, will ye? pull, +can’t ye? pull, won’t ye? Why in the name of gudgeons and ginger-cakes +don’t ye pull?—pull and break something! pull, and start your eyes out! +Here!” whipping out the sharp knife from his girdle; “every mother’s +son of ye draw his knife, and pull with the blade between his teeth. +That’s it—that’s it. Now ye do something; that looks like it, my +steel-bits. Start her—start her, my silver-spoons! Start her, +marling-spikes!” + +Stubb’s exordium to his crew is given here at large, because he had +rather a peculiar way of talking to them in general, and especially in +inculcating the religion of rowing. But you must not suppose from this +specimen of his sermonizings that he ever flew into downright passions +with his congregation. Not at all; and therein consisted his chief +peculiarity. He would say the most terrific things to his crew, in a +tone so strangely compounded of fun and fury, and the fury seemed so +calculated merely as a spice to the fun, that no oarsman could hear +such queer invocations without pulling for dear life, and yet pulling +for the mere joke of the thing. Besides he all the time looked so easy +and indolent himself, so loungingly managed his steering-oar, and so +broadly gaped—open-mouthed at times—that the mere sight of such a +yawning commander, by sheer force of contrast, acted like a charm upon +the crew. Then again, Stubb was one of those odd sort of humorists, +whose jollity is sometimes so curiously ambiguous, as to put all +inferiors on their guard in the matter of obeying them. + +In obedience to a sign from Ahab, Starbuck was now pulling obliquely +across Stubb’s bow; and when for a minute or so the two boats were +pretty near to each other, Stubb hailed the mate. + +“Mr. Starbuck! larboard boat there, ahoy! a word with ye, sir, if ye +please!” + +“Halloa!” returned Starbuck, turning round not a single inch as he +spoke; still earnestly but whisperingly urging his crew; his face set +like a flint from Stubb’s. + +“What think ye of those yellow boys, sir!” + +“Smuggled on board, somehow, before the ship sailed. (Strong, strong, +boys!)” in a whisper to his crew, then speaking out loud again: “A sad +business, Mr. Stubb! (seethe her, seethe her, my lads!) but never mind, +Mr. Stubb, all for the best. Let all your crew pull strong, come what +will. (Spring, my men, spring!) There’s hogsheads of sperm ahead, Mr. +Stubb, and that’s what ye came for. (Pull, my boys!) Sperm, sperm’s the +play! This at least is duty; duty and profit hand in hand.” + +“Aye, aye, I thought as much,” soliloquized Stubb, when the boats +diverged, “as soon as I clapt eye on ’em, I thought so. Aye, and that’s +what he went into the after hold for, so often, as Dough-Boy long +suspected. They were hidden down there. The White Whale’s at the bottom +of it. Well, well, so be it! Can’t be helped! All right! Give way, men! +It ain’t the White Whale to-day! Give way!” + +Now the advent of these outlandish strangers at such a critical instant +as the lowering of the boats from the deck, this had not unreasonably +awakened a sort of superstitious amazement in some of the ship’s +company; but Archy’s fancied discovery having some time previous got +abroad among them, though indeed not credited then, this had in some +small measure prepared them for the event. It took off the extreme edge +of their wonder; and so what with all this and Stubb’s confident way of +accounting for their appearance, they were for the time freed from +superstitious surmisings; though the affair still left abundant room +for all manner of wild conjectures as to dark Ahab’s precise agency in +the matter from the beginning. For me, I silently recalled the +mysterious shadows I had seen creeping on board the Pequod during the +dim Nantucket dawn, as well as the enigmatical hintings of the +unaccountable Elijah. + +Meantime, Ahab, out of hearing of his officers, having sided the +furthest to windward, was still ranging ahead of the other boats; a +circumstance bespeaking how potent a crew was pulling him. Those tiger +yellow creatures of his seemed all steel and whalebone; like five +trip-hammers they rose and fell with regular strokes of strength, which +periodically started the boat along the water like a horizontal burst +boiler out of a Mississippi steamer. As for Fedallah, who was seen +pulling the harpooneer oar, he had thrown aside his black jacket, and +displayed his naked chest with the whole part of his body above the +gunwale, clearly cut against the alternating depressions of the watery +horizon; while at the other end of the boat Ahab, with one arm, like a +fencer’s, thrown half backward into the air, as if to counterbalance +any tendency to trip; Ahab was seen steadily managing his steering oar +as in a thousand boat lowerings ere the White Whale had torn him. All +at once the outstretched arm gave a peculiar motion and then remained +fixed, while the boat’s five oars were seen simultaneously peaked. Boat +and crew sat motionless on the sea. Instantly the three spread boats in +the rear paused on their way. The whales had irregularly settled bodily +down into the blue, thus giving no distantly discernible token of the +movement, though from his closer vicinity Ahab had observed it. + +“Every man look out along his oars!” cried Starbuck. “Thou, Queequeg, +stand up!” + +Nimbly springing up on the triangular raised box in the bow, the savage +stood erect there, and with intensely eager eyes gazed off towards the +spot where the chase had last been descried. Likewise upon the extreme +stern of the boat where it was also triangularly platformed level with +the gunwale, Starbuck himself was seen coolly and adroitly balancing +himself to the jerking tossings of his chip of a craft, and silently +eyeing the vast blue eye of the sea. + +Not very far distant Flask’s boat was also lying breathlessly still; +its commander recklessly standing upon the top of the loggerhead, a +stout sort of post rooted in the keel, and rising some two feet above +the level of the stern platform. It is used for catching turns with the +whale line. Its top is not more spacious than the palm of a man’s hand, +and standing upon such a base as that, Flask seemed perched at the +mast-head of some ship which had sunk to all but her trucks. But little +King-Post was small and short, and at the same time little King-Post +was full of a large and tall ambition, so that this loggerhead +stand-point of his did by no means satisfy King-Post. + +“I can’t see three seas off; tip us up an oar there, and let me on to +that.” + +Upon this, Daggoo, with either hand upon the gunwale to steady his way, +swiftly slid aft, and then erecting himself volunteered his lofty +shoulders for a pedestal. + +“Good a mast-head as any, sir. Will you mount?” + +“That I will, and thank ye very much, my fine fellow; only I wish you +fifty feet taller.” + +Whereupon planting his feet firmly against two opposite planks of the +boat, the gigantic negro, stooping a little, presented his flat palm to +Flask’s foot, and then putting Flask’s hand on his hearse-plumed head +and bidding him spring as he himself should toss, with one dexterous +fling landed the little man high and dry on his shoulders. And here was +Flask now standing, Daggoo with one lifted arm furnishing him with a +breastband to lean against and steady himself by. + +At any time it is a strange sight to the tyro to see with what wondrous +habitude of unconscious skill the whaleman will maintain an erect +posture in his boat, even when pitched about by the most riotously +perverse and cross-running seas. Still more strange to see him giddily +perched upon the loggerhead itself, under such circumstances. But the +sight of little Flask mounted upon gigantic Daggoo was yet more +curious; for sustaining himself with a cool, indifferent, easy, +unthought of, barbaric majesty, the noble negro to every roll of the +sea harmoniously rolled his fine form. On his broad back, flaxen-haired +Flask seemed a snow-flake. The bearer looked nobler than the rider. +Though truly vivacious, tumultuous, ostentatious little Flask would now +and then stamp with impatience; but not one added heave did he thereby +give to the negro’s lordly chest. So have I seen Passion and Vanity +stamping the living magnanimous earth, but the earth did not alter her +tides and her seasons for that. + +Meanwhile Stubb, the third mate, betrayed no such far-gazing +solicitudes. The whales might have made one of their regular soundings, +not a temporary dive from mere fright; and if that were the case, +Stubb, as his wont in such cases, it seems, was resolved to solace the +languishing interval with his pipe. He withdrew it from his hatband, +where he always wore it aslant like a feather. He loaded it, and rammed +home the loading with his thumb-end; but hardly had he ignited his +match across the rough sandpaper of his hand, when Tashtego, his +harpooneer, whose eyes had been setting to windward like two fixed +stars, suddenly dropped like light from his erect attitude to his seat, +crying out in a quick phrensy of hurry, “Down, down all, and give +way!—there they are!” + +To a landsman, no whale, nor any sign of a herring, would have been +visible at that moment; nothing but a troubled bit of greenish white +water, and thin scattered puffs of vapor hovering over it, and +suffusingly blowing off to leeward, like the confused scud from white +rolling billows. The air around suddenly vibrated and tingled, as it +were, like the air over intensely heated plates of iron. Beneath this +atmospheric waving and curling, and partially beneath a thin layer of +water, also, the whales were swimming. Seen in advance of all the other +indications, the puffs of vapor they spouted, seemed their forerunning +couriers and detached flying outriders. + +All four boats were now in keen pursuit of that one spot of troubled +water and air. But it bade fair to outstrip them; it flew on and on, as +a mass of interblending bubbles borne down a rapid stream from the +hills. + +“Pull, pull, my good boys,” said Starbuck, in the lowest possible but +intensest concentrated whisper to his men; while the sharp fixed glance +from his eyes darted straight ahead of the bow, almost seemed as two +visible needles in two unerring binnacle compasses. He did not say much +to his crew, though, nor did his crew say anything to him. Only the +silence of the boat was at intervals startlingly pierced by one of his +peculiar whispers, now harsh with command, now soft with entreaty. + +How different the loud little King-Post. “Sing out and say something, +my hearties. Roar and pull, my thunderbolts! Beach me, beach me on +their black backs, boys; only do that for me, and I’ll sign over to you +my Martha’s Vineyard plantation, boys; including wife and children, +boys. Lay me on—lay me on! O Lord, Lord! but I shall go stark, staring +mad! See! see that white water!” And so shouting, he pulled his hat +from his head, and stamped up and down on it; then picking it up, +flirted it far off upon the sea; and finally fell to rearing and +plunging in the boat’s stern like a crazed colt from the prairie. + +“Look at that chap now,” philosophically drawled Stubb, who, with his +unlighted short pipe, mechanically retained between his teeth, at a +short distance, followed after—“He’s got fits, that Flask has. Fits? +yes, give him fits—that’s the very word—pitch fits into ’em. Merrily, +merrily, hearts-alive. Pudding for supper, you know;—merry’s the word. +Pull, babes—pull, sucklings—pull, all. But what the devil are you +hurrying about? Softly, softly, and steadily, my men. Only pull, and +keep pulling; nothing more. Crack all your backbones, and bite your +knives in two—that’s all. Take it easy—why don’t ye take it easy, I +say, and burst all your livers and lungs!” + +But what it was that inscrutable Ahab said to that tiger-yellow crew of +his—these were words best omitted here; for you live under the blessed +light of the evangelical land. Only the infidel sharks in the audacious +seas may give ear to such words, when, with tornado brow, and eyes of +red murder, and foam-glued lips, Ahab leaped after his prey. + +Meanwhile, all the boats tore on. The repeated specific allusions of +Flask to “that whale,” as he called the fictitious monster which he +declared to be incessantly tantalizing his boat’s bow with its +tail—these allusions of his were at times so vivid and life-like, that +they would cause some one or two of his men to snatch a fearful look +over the shoulder. But this was against all rule; for the oarsmen must +put out their eyes, and ram a skewer through their necks; usage +pronouncing that they must have no organs but ears, and no limbs but +arms, in these critical moments. + +It was a sight full of quick wonder and awe! The vast swells of the +omnipotent sea; the surging, hollow roar they made, as they rolled +along the eight gunwales, like gigantic bowls in a boundless +bowling-green; the brief suspended agony of the boat, as it would tip +for an instant on the knife-like edge of the sharper waves, that almost +seemed threatening to cut it in two; the sudden profound dip into the +watery glens and hollows; the keen spurrings and goadings to gain the +top of the opposite hill; the headlong, sled-like slide down its other +side;—all these, with the cries of the headsmen and harpooneers, and +the shuddering gasps of the oarsmen, with the wondrous sight of the +ivory Pequod bearing down upon her boats with outstretched sails, like +a wild hen after her screaming brood;—all this was thrilling. + +Not the raw recruit, marching from the bosom of his wife into the fever +heat of his first battle; not the dead man’s ghost encountering the +first unknown phantom in the other world;—neither of these can feel +stranger and stronger emotions than that man does, who for the first +time finds himself pulling into the charmed, churned circle of the +hunted sperm whale. + +The dancing white water made by the chase was now becoming more and +more visible, owing to the increasing darkness of the dun cloud-shadows +flung upon the sea. The jets of vapor no longer blended, but tilted +everywhere to right and left; the whales seemed separating their wakes. +The boats were pulled more apart; Starbuck giving chase to three whales +running dead to leeward. Our sail was now set, and, with the still +rising wind, we rushed along; the boat going with such madness through +the water, that the lee oars could scarcely be worked rapidly enough to +escape being torn from the row-locks. + +Soon we were running through a suffusing wide veil of mist; neither +ship nor boat to be seen. + +“Give way, men,” whispered Starbuck, drawing still further aft the +sheet of his sail; “there is time to kill a fish yet before the squall +comes. There’s white water again!—close to! Spring!” + +Soon after, two cries in quick succession on each side of us denoted +that the other boats had got fast; but hardly were they overheard, when +with a lightning-like hurtling whisper Starbuck said: “Stand up!” and +Queequeg, harpoon in hand, sprang to his feet. + +Though not one of the oarsmen was then facing the life and death peril +so close to them ahead, yet with their eyes on the intense countenance +of the mate in the stern of the boat, they knew that the imminent +instant had come; they heard, too, an enormous wallowing sound as of +fifty elephants stirring in their litter. Meanwhile the boat was still +booming through the mist, the waves curling and hissing around us like +the erected crests of enraged serpents. + +“That’s his hump. _There_, _there_, give it to him!” whispered +Starbuck. + +A short rushing sound leaped out of the boat; it was the darted iron of +Queequeg. Then all in one welded commotion came an invisible push from +astern, while forward the boat seemed striking on a ledge; the sail +collapsed and exploded; a gush of scalding vapor shot up near by; +something rolled and tumbled like an earthquake beneath us. The whole +crew were half suffocated as they were tossed helter-skelter into the +white curdling cream of the squall. Squall, whale, and harpoon had all +blended together; and the whale, merely grazed by the iron, escaped. + +Though completely swamped, the boat was nearly unharmed. Swimming round +it we picked up the floating oars, and lashing them across the gunwale, +tumbled back to our places. There we sat up to our knees in the sea, +the water covering every rib and plank, so that to our downward gazing +eyes the suspended craft seemed a coral boat grown up to us from the +bottom of the ocean. + +The wind increased to a howl; the waves dashed their bucklers together; +the whole squall roared, forked, and crackled around us like a white +fire upon the prairie, in which, unconsumed, we were burning; immortal +in these jaws of death! In vain we hailed the other boats; as well roar +to the live coals down the chimney of a flaming furnace as hail those +boats in that storm. Meanwhile the driving scud, rack, and mist, grew +darker with the shadows of night; no sign of the ship could be seen. +The rising sea forbade all attempts to bale out the boat. The oars were +useless as propellers, performing now the office of life-preservers. +So, cutting the lashing of the waterproof match keg, after many +failures Starbuck contrived to ignite the lamp in the lantern; then +stretching it on a waif pole, handed it to Queequeg as the +standard-bearer of this forlorn hope. There, then, he sat, holding up +that imbecile candle in the heart of that almighty forlornness. There, +then, he sat, the sign and symbol of a man without faith, hopelessly +holding up hope in the midst of despair. + +Wet, drenched through, and shivering cold, despairing of ship or boat, +we lifted up our eyes as the dawn came on. The mist still spread over +the sea, the empty lantern lay crushed in the bottom of the boat. +Suddenly Queequeg started to his feet, hollowing his hand to his ear. +We all heard a faint creaking, as of ropes and yards hitherto muffled +by the storm. The sound came nearer and nearer; the thick mists were +dimly parted by a huge, vague form. Affrighted, we all sprang into the +sea as the ship at last loomed into view, bearing right down upon us +within a distance of not much more than its length. + +Floating on the waves we saw the abandoned boat, as for one instant it +tossed and gaped beneath the ship’s bows like a chip at the base of a +cataract; and then the vast hull rolled over it, and it was seen no +more till it came up weltering astern. Again we swam for it, were +dashed against it by the seas, and were at last taken up and safely +landed on board. Ere the squall came close to, the other boats had cut +loose from their fish and returned to the ship in good time. The ship +had given us up, but was still cruising, if haply it might light upon +some token of our perishing,—an oar or a lance pole. + + +CHAPTER 49. The Hyena. + +There are certain queer times and occasions in this strange mixed +affair we call life when a man takes this whole universe for a vast +practical joke, though the wit thereof he but dimly discerns, and more +than suspects that the joke is at nobody’s expense but his own. +However, nothing dispirits, and nothing seems worth while disputing. He +bolts down all events, all creeds, and beliefs, and persuasions, all +hard things visible and invisible, never mind how knobby; as an ostrich +of potent digestion gobbles down bullets and gun flints. And as for +small difficulties and worryings, prospects of sudden disaster, peril +of life and limb; all these, and death itself, seem to him only sly, +good-natured hits, and jolly punches in the side bestowed by the unseen +and unaccountable old joker. That odd sort of wayward mood I am +speaking of, comes over a man only in some time of extreme tribulation; +it comes in the very midst of his earnestness, so that what just before +might have seemed to him a thing most momentous, now seems but a part +of the general joke. There is nothing like the perils of whaling to +breed this free and easy sort of genial, desperado philosophy; and with +it I now regarded this whole voyage of the Pequod, and the great White +Whale its object. + +“Queequeg,” said I, when they had dragged me, the last man, to the +deck, and I was still shaking myself in my jacket to fling off the +water; “Queequeg, my fine friend, does this sort of thing often +happen?” Without much emotion, though soaked through just like me, he +gave me to understand that such things did often happen. + +“Mr. Stubb,” said I, turning to that worthy, who, buttoned up in his +oil-jacket, was now calmly smoking his pipe in the rain; “Mr. Stubb, I +think I have heard you say that of all whalemen you ever met, our chief +mate, Mr. Starbuck, is by far the most careful and prudent. I suppose +then, that going plump on a flying whale with your sail set in a foggy +squall is the height of a whaleman’s discretion?” + +“Certain. I’ve lowered for whales from a leaking ship in a gale off +Cape Horn.” + +“Mr. Flask,” said I, turning to little King-Post, who was standing +close by; “you are experienced in these things, and I am not. Will you +tell me whether it is an unalterable law in this fishery, Mr. Flask, +for an oarsman to break his own back pulling himself back-foremost into +death’s jaws?” + +“Can’t you twist that smaller?” said Flask. “Yes, that’s the law. I +should like to see a boat’s crew backing water up to a whale face +foremost. Ha, ha! the whale would give them squint for squint, mind +that!” + +Here then, from three impartial witnesses, I had a deliberate statement +of the entire case. Considering, therefore, that squalls and capsizings +in the water and consequent bivouacks on the deep, were matters of +common occurrence in this kind of life; considering that at the +superlatively critical instant of going on to the whale I must resign +my life into the hands of him who steered the boat—oftentimes a fellow +who at that very moment is in his impetuousness upon the point of +scuttling the craft with his own frantic stampings; considering that +the particular disaster to our own particular boat was chiefly to be +imputed to Starbuck’s driving on to his whale almost in the teeth of a +squall, and considering that Starbuck, notwithstanding, was famous for +his great heedfulness in the fishery; considering that I belonged to +this uncommonly prudent Starbuck’s boat; and finally considering in +what a devil’s chase I was implicated, touching the White Whale: taking +all things together, I say, I thought I might as well go below and make +a rough draft of my will. “Queequeg,” said I, “come along, you shall be +my lawyer, executor, and legatee.” + +It may seem strange that of all men sailors should be tinkering at +their last wills and testaments, but there are no people in the world +more fond of that diversion. This was the fourth time in my nautical +life that I had done the same thing. After the ceremony was concluded +upon the present occasion, I felt all the easier; a stone was rolled +away from my heart. Besides, all the days I should now live would be as +good as the days that Lazarus lived after his resurrection; a +supplementary clean gain of so many months or weeks as the case might +be. I survived myself; my death and burial were locked up in my chest. +I looked round me tranquilly and contentedly, like a quiet ghost with a +clean conscience sitting inside the bars of a snug family vault. + +Now then, thought I, unconsciously rolling up the sleeves of my frock, +here goes for a cool, collected dive at death and destruction, and the +devil fetch the hindmost. + + +CHAPTER 50. Ahab’s Boat and Crew. Fedallah. + +“Who would have thought it, Flask!” cried Stubb; “if I had but one leg +you would not catch me in a boat, unless maybe to stop the plug-hole +with my timber toe. Oh! he’s a wonderful old man!” + +“I don’t think it so strange, after all, on that account,” said Flask. +“If his leg were off at the hip, now, it would be a different thing. +That would disable him; but he has one knee, and good part of the other +left, you know.” + +“I don’t know that, my little man; I never yet saw him kneel.” + +Among whale-wise people it has often been argued whether, considering +the paramount importance of his life to the success of the voyage, it +is right for a whaling captain to jeopardize that life in the active +perils of the chase. So Tamerlane’s soldiers often argued with tears in +their eyes, whether that invaluable life of his ought to be carried +into the thickest of the fight. + +But with Ahab the question assumed a modified aspect. Considering that +with two legs man is but a hobbling wight in all times of danger; +considering that the pursuit of whales is always under great and +extraordinary difficulties; that every individual moment, indeed, then +comprises a peril; under these circumstances is it wise for any maimed +man to enter a whale-boat in the hunt? As a general thing, the +joint-owners of the Pequod must have plainly thought not. + +Ahab well knew that although his friends at home would think little of +his entering a boat in certain comparatively harmless vicissitudes of +the chase, for the sake of being near the scene of action and giving +his orders in person, yet for Captain Ahab to have a boat actually +apportioned to him as a regular headsman in the hunt—above all for +Captain Ahab to be supplied with five extra men, as that same boat’s +crew, he well knew that such generous conceits never entered the heads +of the owners of the Pequod. Therefore he had not solicited a boat’s +crew from them, nor had he in any way hinted his desires on that head. +Nevertheless he had taken private measures of his own touching all that +matter. Until Cabaco’s published discovery, the sailors had little +foreseen it, though to be sure when, after being a little while out of +port, all hands had concluded the customary business of fitting the +whaleboats for service; when some time after this Ahab was now and then +found bestirring himself in the matter of making thole-pins with his +own hands for what was thought to be one of the spare boats, and even +solicitously cutting the small wooden skewers, which when the line is +running out are pinned over the groove in the bow: when all this was +observed in him, and particularly his solicitude in having an extra +coat of sheathing in the bottom of the boat, as if to make it better +withstand the pointed pressure of his ivory limb; and also the anxiety +he evinced in exactly shaping the thigh board, or clumsy cleat, as it +is sometimes called, the horizontal piece in the boat’s bow for bracing +the knee against in darting or stabbing at the whale; when it was +observed how often he stood up in that boat with his solitary knee +fixed in the semi-circular depression in the cleat, and with the +carpenter’s chisel gouged out a little here and straightened it a +little there; all these things, I say, had awakened much interest and +curiosity at the time. But almost everybody supposed that this +particular preparative heedfulness in Ahab must only be with a view to +the ultimate chase of Moby Dick; for he had already revealed his +intention to hunt that mortal monster in person. But such a supposition +did by no means involve the remotest suspicion as to any boat’s crew +being assigned to that boat. + +Now, with the subordinate phantoms, what wonder remained soon waned +away; for in a whaler wonders soon wane. Besides, now and then such +unaccountable odds and ends of strange nations come up from the unknown +nooks and ash-holes of the earth to man these floating outlaws of +whalers; and the ships themselves often pick up such queer castaway +creatures found tossing about the open sea on planks, bits of wreck, +oars, whaleboats, canoes, blown-off Japanese junks, and what not; that +Beelzebub himself might climb up the side and step down into the cabin +to chat with the captain, and it would not create any unsubduable +excitement in the forecastle. + +But be all this as it may, certain it is that while the subordinate +phantoms soon found their place among the crew, though still as it were +somehow distinct from them, yet that hair-turbaned Fedallah remained a +muffled mystery to the last. Whence he came in a mannerly world like +this, by what sort of unaccountable tie he soon evinced himself to be +linked with Ahab’s peculiar fortunes; nay, so far as to have some sort +of a half-hinted influence; Heaven knows, but it might have been even +authority over him; all this none knew. But one cannot sustain an +indifferent air concerning Fedallah. He was such a creature as +civilized, domestic people in the temperate zone only see in their +dreams, and that but dimly; but the like of whom now and then glide +among the unchanging Asiatic communities, especially the Oriental isles +to the east of the continent—those insulated, immemorial, unalterable +countries, which even in these modern days still preserve much of the +ghostly aboriginalness of earth’s primal generations, when the memory +of the first man was a distinct recollection, and all men his +descendants, unknowing whence he came, eyed each other as real +phantoms, and asked of the sun and the moon why they were created and +to what end; when though, according to Genesis, the angels indeed +consorted with the daughters of men, the devils also, add the +uncanonical Rabbins, indulged in mundane amours. + + +CHAPTER 51. The Spirit-Spout. + +Days, weeks passed, and under easy sail, the ivory Pequod had slowly +swept across four several cruising-grounds; that off the Azores; off +the Cape de Verdes; on the Plate (so called), being off the mouth of +the Rio de la Plata; and the Carrol Ground, an unstaked, watery +locality, southerly from St. Helena. + +It was while gliding through these latter waters that one serene and +moonlight night, when all the waves rolled by like scrolls of silver; +and, by their soft, suffusing seethings, made what seemed a silvery +silence, not a solitude; on such a silent night a silvery jet was seen +far in advance of the white bubbles at the bow. Lit up by the moon, it +looked celestial; seemed some plumed and glittering god uprising from +the sea. Fedallah first descried this jet. For of these moonlight +nights, it was his wont to mount to the main-mast head, and stand a +look-out there, with the same precision as if it had been day. And yet, +though herds of whales were seen by night, not one whaleman in a +hundred would venture a lowering for them. You may think with what +emotions, then, the seamen beheld this old Oriental perched aloft at +such unusual hours; his turban and the moon, companions in one sky. But +when, after spending his uniform interval there for several successive +nights without uttering a single sound; when, after all this silence, +his unearthly voice was heard announcing that silvery, moon-lit jet, +every reclining mariner started to his feet as if some winged spirit +had lighted in the rigging, and hailed the mortal crew. “There she +blows!” Had the trump of judgment blown, they could not have quivered +more; yet still they felt no terror; rather pleasure. For though it was +a most unwonted hour, yet so impressive was the cry, and so deliriously +exciting, that almost every soul on board instinctively desired a +lowering. + +Walking the deck with quick, side-lunging strides, Ahab commanded the +t’gallant sails and royals to be set, and every stunsail spread. The +best man in the ship must take the helm. Then, with every mast-head +manned, the piled-up craft rolled down before the wind. The strange, +upheaving, lifting tendency of the taffrail breeze filling the hollows +of so many sails, made the buoyant, hovering deck to feel like air +beneath the feet; while still she rushed along, as if two antagonistic +influences were struggling in her—one to mount direct to heaven, the +other to drive yawingly to some horizontal goal. And had you watched +Ahab’s face that night, you would have thought that in him also two +different things were warring. While his one live leg made lively +echoes along the deck, every stroke of his dead limb sounded like a +coffin-tap. On life and death this old man walked. But though the ship +so swiftly sped, and though from every eye, like arrows, the eager +glances shot, yet the silvery jet was no more seen that night. Every +sailor swore he saw it once, but not a second time. + +This midnight-spout had almost grown a forgotten thing, when, some days +after, lo! at the same silent hour, it was again announced: again it +was descried by all; but upon making sail to overtake it, once more it +disappeared as if it had never been. And so it served us night after +night, till no one heeded it but to wonder at it. Mysteriously jetted +into the clear moonlight, or starlight, as the case might be; +disappearing again for one whole day, or two days, or three; and +somehow seeming at every distinct repetition to be advancing still +further and further in our van, this solitary jet seemed for ever +alluring us on. + +Nor with the immemorial superstition of their race, and in accordance +with the preternaturalness, as it seemed, which in many things invested +the Pequod, were there wanting some of the seamen who swore that +whenever and wherever descried; at however remote times, or in however +far apart latitudes and longitudes, that unnearable spout was cast by +one self-same whale; and that whale, Moby Dick. For a time, there +reigned, too, a sense of peculiar dread at this flitting apparition, as +if it were treacherously beckoning us on and on, in order that the +monster might turn round upon us, and rend us at last in the remotest +and most savage seas. + +These temporary apprehensions, so vague but so awful, derived a +wondrous potency from the contrasting serenity of the weather, in +which, beneath all its blue blandness, some thought there lurked a +devilish charm, as for days and days we voyaged along, through seas so +wearily, lonesomely mild, that all space, in repugnance to our vengeful +errand, seemed vacating itself of life before our urn-like prow. + +But, at last, when turning to the eastward, the Cape winds began +howling around us, and we rose and fell upon the long, troubled seas +that are there; when the ivory-tusked Pequod sharply bowed to the +blast, and gored the dark waves in her madness, till, like showers of +silver chips, the foam-flakes flew over her bulwarks; then all this +desolate vacuity of life went away, but gave place to sights more +dismal than before. + +Close to our bows, strange forms in the water darted hither and thither +before us; while thick in our rear flew the inscrutable sea-ravens. And +every morning, perched on our stays, rows of these birds were seen; and +spite of our hootings, for a long time obstinately clung to the hemp, +as though they deemed our ship some drifting, uninhabited craft; a +thing appointed to desolation, and therefore fit roosting-place for +their homeless selves. And heaved and heaved, still unrestingly heaved +the black sea, as if its vast tides were a conscience; and the great +mundane soul were in anguish and remorse for the long sin and suffering +it had bred. + +Cape of Good Hope, do they call ye? Rather Cape Tormentoso, as called +of yore; for long allured by the perfidious silences that before had +attended us, we found ourselves launched into this tormented sea, where +guilty beings transformed into those fowls and these fish, seemed +condemned to swim on everlastingly without any haven in store, or beat +that black air without any horizon. But calm, snow-white, and +unvarying; still directing its fountain of feathers to the sky; still +beckoning us on from before, the solitary jet would at times be +descried. + +During all this blackness of the elements, Ahab, though assuming for +the time the almost continual command of the drenched and dangerous +deck, manifested the gloomiest reserve; and more seldom than ever +addressed his mates. In tempestuous times like these, after everything +above and aloft has been secured, nothing more can be done but +passively to await the issue of the gale. Then Captain and crew become +practical fatalists. So, with his ivory leg inserted into its +accustomed hole, and with one hand firmly grasping a shroud, Ahab for +hours and hours would stand gazing dead to windward, while an +occasional squall of sleet or snow would all but congeal his very +eyelashes together. Meantime, the crew driven from the forward part of +the ship by the perilous seas that burstingly broke over its bows, +stood in a line along the bulwarks in the waist; and the better to +guard against the leaping waves, each man had slipped himself into a +sort of bowline secured to the rail, in which he swung as in a loosened +belt. Few or no words were spoken; and the silent ship, as if manned by +painted sailors in wax, day after day tore on through all the swift +madness and gladness of the demoniac waves. By night the same muteness +of humanity before the shrieks of the ocean prevailed; still in silence +the men swung in the bowlines; still wordless Ahab stood up to the +blast. Even when wearied nature seemed demanding repose he would not +seek that repose in his hammock. Never could Starbuck forget the old +man’s aspect, when one night going down into the cabin to mark how the +barometer stood, he saw him with closed eyes sitting straight in his +floor-screwed chair; the rain and half-melted sleet of the storm from +which he had some time before emerged, still slowly dripping from the +unremoved hat and coat. On the table beside him lay unrolled one of +those charts of tides and currents which have previously been spoken +of. His lantern swung from his tightly clenched hand. Though the body +was erect, the head was thrown back so that the closed eyes were +pointed towards the needle of the tell-tale that swung from a beam in +the ceiling.* + +*The cabin-compass is called the tell-tale, because without going to +the compass at the helm, the Captain, while below, can inform himself +of the course of the ship. + +Terrible old man! thought Starbuck with a shudder, sleeping in this +gale, still thou steadfastly eyest thy purpose. + + +CHAPTER 52. The Albatross. + +South-eastward from the Cape, off the distant Crozetts, a good cruising +ground for Right Whalemen, a sail loomed ahead, the Goney (Albatross) +by name. As she slowly drew nigh, from my lofty perch at the +fore-mast-head, I had a good view of that sight so remarkable to a tyro +in the far ocean fisheries—a whaler at sea, and long absent from home. + +As if the waves had been fullers, this craft was bleached like the +skeleton of a stranded walrus. All down her sides, this spectral +appearance was traced with long channels of reddened rust, while all +her spars and her rigging were like the thick branches of trees furred +over with hoar-frost. Only her lower sails were set. A wild sight it +was to see her long-bearded look-outs at those three mast-heads. They +seemed clad in the skins of beasts, so torn and bepatched the raiment +that had survived nearly four years of cruising. Standing in iron hoops +nailed to the mast, they swayed and swung over a fathomless sea; and +though, when the ship slowly glided close under our stern, we six men +in the air came so nigh to each other that we might almost have leaped +from the mast-heads of one ship to those of the other; yet, those +forlorn-looking fishermen, mildly eyeing us as they passed, said not +one word to our own look-outs, while the quarter-deck hail was being +heard from below. + +“Ship ahoy! Have ye seen the White Whale?” + +But as the strange captain, leaning over the pallid bulwarks, was in +the act of putting his trumpet to his mouth, it somehow fell from his +hand into the sea; and the wind now rising amain, he in vain strove to +make himself heard without it. Meantime his ship was still increasing +the distance between. While in various silent ways the seamen of the +Pequod were evincing their observance of this ominous incident at the +first mere mention of the White Whale’s name to another ship, Ahab for +a moment paused; it almost seemed as though he would have lowered a +boat to board the stranger, had not the threatening wind forbade. But +taking advantage of his windward position, he again seized his trumpet, +and knowing by her aspect that the stranger vessel was a Nantucketer +and shortly bound home, he loudly hailed—“Ahoy there! This is the +Pequod, bound round the world! Tell them to address all future letters +to the Pacific ocean! and this time three years, if I am not at home, +tell them to address them to ——” + +At that moment the two wakes were fairly crossed, and instantly, then, +in accordance with their singular ways, shoals of small harmless fish, +that for some days before had been placidly swimming by our side, +darted away with what seemed shuddering fins, and ranged themselves +fore and aft with the stranger’s flanks. Though in the course of his +continual voyagings Ahab must often before have noticed a similar +sight, yet, to any monomaniac man, the veriest trifles capriciously +carry meanings. + +“Swim away from me, do ye?” murmured Ahab, gazing over into the water. +There seemed but little in the words, but the tone conveyed more of +deep helpless sadness than the insane old man had ever before evinced. +But turning to the steersman, who thus far had been holding the ship in +the wind to diminish her headway, he cried out in his old lion +voice,—“Up helm! Keep her off round the world!” + +Round the world! There is much in that sound to inspire proud feelings; +but whereto does all that circumnavigation conduct? Only through +numberless perils to the very point whence we started, where those that +we left behind secure, were all the time before us. + +Were this world an endless plain, and by sailing eastward we could for +ever reach new distances, and discover sights more sweet and strange +than any Cyclades or Islands of King Solomon, then there were promise +in the voyage. But in pursuit of those far mysteries we dream of, or in +tormented chase of that demon phantom that, some time or other, swims +before all human hearts; while chasing such over this round globe, they +either lead us on in barren mazes or midway leave us whelmed. + + +CHAPTER 53. The Gam. + +The ostensible reason why Ahab did not go on board of the whaler we had +spoken was this: the wind and sea betokened storms. But even had this +not been the case, he would not after all, perhaps, have boarded +her—judging by his subsequent conduct on similar occasions—if so it had +been that, by the process of hailing, he had obtained a negative answer +to the question he put. For, as it eventually turned out, he cared not +to consort, even for five minutes, with any stranger captain, except he +could contribute some of that information he so absorbingly sought. But +all this might remain inadequately estimated, were not something said +here of the peculiar usages of whaling-vessels when meeting each other +in foreign seas, and especially on a common cruising-ground. + +If two strangers crossing the Pine Barrens in New York State, or the +equally desolate Salisbury Plain in England; if casually encountering +each other in such inhospitable wilds, these twain, for the life of +them, cannot well avoid a mutual salutation; and stopping for a moment +to interchange the news; and, perhaps, sitting down for a while and +resting in concert: then, how much more natural that upon the +illimitable Pine Barrens and Salisbury Plains of the sea, two whaling +vessels descrying each other at the ends of the earth—off lone +Fanning’s Island, or the far away King’s Mills; how much more natural, +I say, that under such circumstances these ships should not only +interchange hails, but come into still closer, more friendly and +sociable contact. And especially would this seem to be a matter of +course, in the case of vessels owned in one seaport, and whose +captains, officers, and not a few of the men are personally known to +each other; and consequently, have all sorts of dear domestic things to +talk about. + +For the long absent ship, the outward-bounder, perhaps, has letters on +board; at any rate, she will be sure to let her have some papers of a +date a year or two later than the last one on her blurred and +thumb-worn files. And in return for that courtesy, the outward-bound +ship would receive the latest whaling intelligence from the +cruising-ground to which she may be destined, a thing of the utmost +importance to her. And in degree, all this will hold true concerning +whaling vessels crossing each other’s track on the cruising-ground +itself, even though they are equally long absent from home. For one of +them may have received a transfer of letters from some third, and now +far remote vessel; and some of those letters may be for the people of +the ship she now meets. Besides, they would exchange the whaling news, +and have an agreeable chat. For not only would they meet with all the +sympathies of sailors, but likewise with all the peculiar +congenialities arising from a common pursuit and mutually shared +privations and perils. + +Nor would difference of country make any very essential difference; +that is, so long as both parties speak one language, as is the case +with Americans and English. Though, to be sure, from the small number +of English whalers, such meetings do not very often occur, and when +they do occur there is too apt to be a sort of shyness between them; +for your Englishman is rather reserved, and your Yankee, he does not +fancy that sort of thing in anybody but himself. Besides, the English +whalers sometimes affect a kind of metropolitan superiority over the +American whalers; regarding the long, lean Nantucketer, with his +nondescript provincialisms, as a sort of sea-peasant. But where this +superiority in the English whalemen does really consist, it would be +hard to say, seeing that the Yankees in one day, collectively, kill +more whales than all the English, collectively, in ten years. But this +is a harmless little foible in the English whale-hunters, which the +Nantucketer does not take much to heart; probably, because he knows +that he has a few foibles himself. + +So, then, we see that of all ships separately sailing the sea, the +whalers have most reason to be sociable—and they are so. Whereas, some +merchant ships crossing each other’s wake in the mid-Atlantic, will +oftentimes pass on without so much as a single word of recognition, +mutually cutting each other on the high seas, like a brace of dandies +in Broadway; and all the time indulging, perhaps, in finical criticism +upon each other’s rig. As for Men-of-War, when they chance to meet at +sea, they first go through such a string of silly bowings and +scrapings, such a ducking of ensigns, that there does not seem to be +much right-down hearty good-will and brotherly love about it at all. As +touching Slave-ships meeting, why, they are in such a prodigious hurry, +they run away from each other as soon as possible. And as for Pirates, +when they chance to cross each other’s cross-bones, the first hail +is—“How many skulls?”—the same way that whalers hail—“How many +barrels?” And that question once answered, pirates straightway steer +apart, for they are infernal villains on both sides, and don’t like to +see overmuch of each other’s villanous likenesses. + +But look at the godly, honest, unostentatious, hospitable, sociable, +free-and-easy whaler! What does the whaler do when she meets another +whaler in any sort of decent weather? She has a “_Gam_,” a thing so +utterly unknown to all other ships that they never heard of the name +even; and if by chance they should hear of it, they only grin at it, +and repeat gamesome stuff about “spouters” and “blubber-boilers,” and +such like pretty exclamations. Why it is that all Merchant-seamen, and +also all Pirates and Man-of-War’s men, and Slave-ship sailors, cherish +such a scornful feeling towards Whale-ships; this is a question it +would be hard to answer. Because, in the case of pirates, say, I should +like to know whether that profession of theirs has any peculiar glory +about it. It sometimes ends in uncommon elevation, indeed; but only at +the gallows. And besides, when a man is elevated in that odd fashion, +he has no proper foundation for his superior altitude. Hence, I +conclude, that in boasting himself to be high lifted above a whaleman, +in that assertion the pirate has no solid basis to stand on. + +But what is a _Gam?_ You might wear out your index-finger running up +and down the columns of dictionaries, and never find the word. Dr. +Johnson never attained to that erudition; Noah Webster’s ark does not +hold it. Nevertheless, this same expressive word has now for many years +been in constant use among some fifteen thousand true born Yankees. +Certainly, it needs a definition, and should be incorporated into the +Lexicon. With that view, let me learnedly define it. + +GAM. NOUN—_A social meeting of two_ (_or more_) _Whaleships, generally +on a cruising-ground; when, after exchanging hails, they exchange +visits by boats’ crews: the two captains remaining, for the time, on +board of one ship, and the two chief mates on the other._ + +There is another little item about Gamming which must not be forgotten +here. All professions have their own little peculiarities of detail; so +has the whale fishery. In a pirate, man-of-war, or slave ship, when the +captain is rowed anywhere in his boat, he always sits in the stern +sheets on a comfortable, sometimes cushioned seat there, and often +steers himself with a pretty little milliner’s tiller decorated with +gay cords and ribbons. But the whale-boat has no seat astern, no sofa +of that sort whatever, and no tiller at all. High times indeed, if +whaling captains were wheeled about the water on castors like gouty old +aldermen in patent chairs. And as for a tiller, the whale-boat never +admits of any such effeminacy; and therefore as in gamming a complete +boat’s crew must leave the ship, and hence as the boat steerer or +harpooneer is of the number, that subordinate is the steersman upon the +occasion, and the captain, having no place to sit in, is pulled off to +his visit all standing like a pine tree. And often you will notice that +being conscious of the eyes of the whole visible world resting on him +from the sides of the two ships, this standing captain is all alive to +the importance of sustaining his dignity by maintaining his legs. Nor +is this any very easy matter; for in his rear is the immense projecting +steering oar hitting him now and then in the small of his back, the +after-oar reciprocating by rapping his knees in front. He is thus +completely wedged before and behind, and can only expand himself +sideways by settling down on his stretched legs; but a sudden, violent +pitch of the boat will often go far to topple him, because length of +foundation is nothing without corresponding breadth. Merely make a +spread angle of two poles, and you cannot stand them up. Then, again, +it would never do in plain sight of the world’s riveted eyes, it would +never do, I say, for this straddling captain to be seen steadying +himself the slightest particle by catching hold of anything with his +hands; indeed, as token of his entire, buoyant self-command, he +generally carries his hands in his trowsers’ pockets; but perhaps being +generally very large, heavy hands, he carries them there for ballast. +Nevertheless there have occurred instances, well authenticated ones +too, where the captain has been known for an uncommonly critical moment +or two, in a sudden squall say—to seize hold of the nearest oarsman’s +hair, and hold on there like grim death. + + +CHAPTER 54. The Town-Ho’s Story. + +(_As told at the Golden Inn._) + +The Cape of Good Hope, and all the watery region round about there, is +much like some noted four corners of a great highway, where you meet +more travellers than in any other part. + +It was not very long after speaking the Goney that another +homeward-bound whaleman, the Town-Ho,* was encountered. She was manned +almost wholly by Polynesians. In the short gam that ensued she gave us +strong news of Moby Dick. To some the general interest in the White +Whale was now wildly heightened by a circumstance of the Town-Ho’s +story, which seemed obscurely to involve with the whale a certain +wondrous, inverted visitation of one of those so called judgments of +God which at times are said to overtake some men. This latter +circumstance, with its own particular accompaniments, forming what may +be called the secret part of the tragedy about to be narrated, never +reached the ears of Captain Ahab or his mates. For that secret part of +the story was unknown to the captain of the Town-Ho himself. It was the +private property of three confederate white seamen of that ship, one of +whom, it seems, communicated it to Tashtego with Romish injunctions of +secrecy, but the following night Tashtego rambled in his sleep, and +revealed so much of it in that way, that when he was wakened he could +not well withhold the rest. Nevertheless, so potent an influence did +this thing have on those seamen in the Pequod who came to the full +knowledge of it, and by such a strange delicacy, to call it so, were +they governed in this matter, that they kept the secret among +themselves so that it never transpired abaft the Pequod’s main-mast. +Interweaving in its proper place this darker thread with the story as +publicly narrated on the ship, the whole of this strange affair I now +proceed to put on lasting record. + +*The ancient whale-cry upon first sighting a whale from the mast-head, +still used by whalemen in hunting the famous Gallipagos terrapin. + +For my humor’s sake, I shall preserve the style in which I once +narrated it at Lima, to a lounging circle of my Spanish friends, one +saint’s eve, smoking upon the thick-gilt tiled piazza of the Golden +Inn. Of those fine cavaliers, the young Dons, Pedro and Sebastian, were +on the closer terms with me; and hence the interluding questions they +occasionally put, and which are duly answered at the time. + +“Some two years prior to my first learning the events which I am about +rehearsing to you, gentlemen, the Town-Ho, Sperm Whaler of Nantucket, +was cruising in your Pacific here, not very many days’ sail eastward +from the eaves of this good Golden Inn. She was somewhere to the +northward of the Line. One morning upon handling the pumps, according +to daily usage, it was observed that she made more water in her hold +than common. They supposed a sword-fish had stabbed her, gentlemen. But +the captain, having some unusual reason for believing that rare good +luck awaited him in those latitudes; and therefore being very averse to +quit them, and the leak not being then considered at all dangerous, +though, indeed, they could not find it after searching the hold as low +down as was possible in rather heavy weather, the ship still continued +her cruisings, the mariners working at the pumps at wide and easy +intervals; but no good luck came; more days went by, and not only was +the leak yet undiscovered, but it sensibly increased. So much so, that +now taking some alarm, the captain, making all sail, stood away for the +nearest harbor among the islands, there to have his hull hove out and +repaired. + +“Though no small passage was before her, yet, if the commonest chance +favoured, he did not at all fear that his ship would founder by the +way, because his pumps were of the best, and being periodically +relieved at them, those six-and-thirty men of his could easily keep the +ship free; never mind if the leak should double on her. In truth, well +nigh the whole of this passage being attended by very prosperous +breezes, the Town-Ho had all but certainly arrived in perfect safety at +her port without the occurrence of the least fatality, had it not been +for the brutal overbearing of Radney, the mate, a Vineyarder, and the +bitterly provoked vengeance of Steelkilt, a Lakeman and desperado from +Buffalo. + +“‘Lakeman!—Buffalo! Pray, what is a Lakeman, and where is Buffalo?’ +said Don Sebastian, rising in his swinging mat of grass. + +“On the eastern shore of our Lake Erie, Don; but—I crave your +courtesy—may be, you shall soon hear further of all that. Now, +gentlemen, in square-sail brigs and three-masted ships, well-nigh as +large and stout as any that ever sailed out of your old Callao to far +Manilla; this Lakeman, in the land-locked heart of our America, had yet +been nurtured by all those agrarian freebooting impressions popularly +connected with the open ocean. For in their interflowing aggregate, +those grand fresh-water seas of ours,—Erie, and Ontario, and Huron, and +Superior, and Michigan,—possess an ocean-like expansiveness, with many +of the ocean’s noblest traits; with many of its rimmed varieties of +races and of climes. They contain round archipelagoes of romantic +isles, even as the Polynesian waters do; in large part, are shored by +two great contrasting nations, as the Atlantic is; they furnish long +maritime approaches to our numerous territorial colonies from the East, +dotted all round their banks; here and there are frowned upon by +batteries, and by the goat-like craggy guns of lofty Mackinaw; they +have heard the fleet thunderings of naval victories; at intervals, they +yield their beaches to wild barbarians, whose red painted faces flash +from out their peltry wigwams; for leagues and leagues are flanked by +ancient and unentered forests, where the gaunt pines stand like serried +lines of kings in Gothic genealogies; those same woods harboring wild +Afric beasts of prey, and silken creatures whose exported furs give +robes to Tartar Emperors; they mirror the paved capitals of Buffalo and +Cleveland, as well as Winnebago villages; they float alike the +full-rigged merchant ship, the armed cruiser of the State, the steamer, +and the beech canoe; they are swept by Borean and dismasting blasts as +direful as any that lash the salted wave; they know what shipwrecks +are, for out of sight of land, however inland, they have drowned full +many a midnight ship with all its shrieking crew. Thus, gentlemen, +though an inlander, Steelkilt was wild-ocean born, and wild-ocean +nurtured; as much of an audacious mariner as any. And for Radney, +though in his infancy he may have laid him down on the lone Nantucket +beach, to nurse at his maternal sea; though in after life he had long +followed our austere Atlantic and your contemplative Pacific; yet was +he quite as vengeful and full of social quarrel as the backwoods +seaman, fresh from the latitudes of buck-horn handled Bowie-knives. Yet +was this Nantucketer a man with some good-hearted traits; and this +Lakeman, a mariner, who though a sort of devil indeed, might yet by +inflexible firmness, only tempered by that common decency of human +recognition which is the meanest slave’s right; thus treated, this +Steelkilt had long been retained harmless and docile. At all events, he +had proved so thus far; but Radney was doomed and made mad, and +Steelkilt—but, gentlemen, you shall hear. + +“It was not more than a day or two at the furthest after pointing her +prow for her island haven, that the Town-Ho’s leak seemed again +increasing, but only so as to require an hour or more at the pumps +every day. You must know that in a settled and civilized ocean like our +Atlantic, for example, some skippers think little of pumping their +whole way across it; though of a still, sleepy night, should the +officer of the deck happen to forget his duty in that respect, the +probability would be that he and his shipmates would never again +remember it, on account of all hands gently subsiding to the bottom. +Nor in the solitary and savage seas far from you to the westward, +gentlemen, is it altogether unusual for ships to keep clanging at their +pump-handles in full chorus even for a voyage of considerable length; +that is, if it lie along a tolerably accessible coast, or if any other +reasonable retreat is afforded them. It is only when a leaky vessel is +in some very out of the way part of those waters, some really landless +latitude, that her captain begins to feel a little anxious. + +“Much this way had it been with the Town-Ho; so when her leak was found +gaining once more, there was in truth some small concern manifested by +several of her company; especially by Radney the mate. He commanded the +upper sails to be well hoisted, sheeted home anew, and every way +expanded to the breeze. Now this Radney, I suppose, was as little of a +coward, and as little inclined to any sort of nervous apprehensiveness +touching his own person as any fearless, unthinking creature on land or +on sea that you can conveniently imagine, gentlemen. Therefore when he +betrayed this solicitude about the safety of the ship, some of the +seamen declared that it was only on account of his being a part owner +in her. So when they were working that evening at the pumps, there was +on this head no small gamesomeness slily going on among them, as they +stood with their feet continually overflowed by the rippling clear +water; clear as any mountain spring, gentlemen—that bubbling from the +pumps ran across the deck, and poured itself out in steady spouts at +the lee scupper-holes. + +“Now, as you well know, it is not seldom the case in this conventional +world of ours—watery or otherwise; that when a person placed in command +over his fellow-men finds one of them to be very significantly his +superior in general pride of manhood, straightway against that man he +conceives an unconquerable dislike and bitterness; and if he have a +chance he will pull down and pulverize that subaltern’s tower, and make +a little heap of dust of it. Be this conceit of mine as it may, +gentlemen, at all events Steelkilt was a tall and noble animal with a +head like a Roman, and a flowing golden beard like the tasseled +housings of your last viceroy’s snorting charger; and a brain, and a +heart, and a soul in him, gentlemen, which had made Steelkilt +Charlemagne, had he been born son to Charlemagne’s father. But Radney, +the mate, was ugly as a mule; yet as hardy, as stubborn, as malicious. +He did not love Steelkilt, and Steelkilt knew it. + +“Espying the mate drawing near as he was toiling at the pump with the +rest, the Lakeman affected not to notice him, but unawed, went on with +his gay banterings. + +“‘Aye, aye, my merry lads, it’s a lively leak this; hold a cannikin, +one of ye, and let’s have a taste. By the Lord, it’s worth bottling! I +tell ye what, men, old Rad’s investment must go for it! he had best cut +away his part of the hull and tow it home. The fact is, boys, that +sword-fish only began the job; he’s come back again with a gang of +ship-carpenters, saw-fish, and file-fish, and what not; and the whole +posse of ’em are now hard at work cutting and slashing at the bottom; +making improvements, I suppose. If old Rad were here now, I’d tell him +to jump overboard and scatter ’em. They’re playing the devil with his +estate, I can tell him. But he’s a simple old soul,—Rad, and a beauty +too. Boys, they say the rest of his property is invested in +looking-glasses. I wonder if he’d give a poor devil like me the model +of his nose.’ + +“‘Damn your eyes! what’s that pump stopping for?’ roared Radney, +pretending not to have heard the sailors’ talk. ‘Thunder away at it!’ + +“‘Aye, aye, sir,’ said Steelkilt, merry as a cricket. ‘Lively, boys, +lively, now!’ And with that the pump clanged like fifty fire-engines; +the men tossed their hats off to it, and ere long that peculiar gasping +of the lungs was heard which denotes the fullest tension of life’s +utmost energies. + +“Quitting the pump at last, with the rest of his band, the Lakeman went +forward all panting, and sat himself down on the windlass; his face +fiery red, his eyes bloodshot, and wiping the profuse sweat from his +brow. Now what cozening fiend it was, gentlemen, that possessed Radney +to meddle with such a man in that corporeally exasperated state, I know +not; but so it happened. Intolerably striding along the deck, the mate +commanded him to get a broom and sweep down the planks, and also a +shovel, and remove some offensive matters consequent upon allowing a +pig to run at large. + +“Now, gentlemen, sweeping a ship’s deck at sea is a piece of household +work which in all times but raging gales is regularly attended to every +evening; it has been known to be done in the case of ships actually +foundering at the time. Such, gentlemen, is the inflexibility of +sea-usages and the instinctive love of neatness in seamen; some of whom +would not willingly drown without first washing their faces. But in all +vessels this broom business is the prescriptive province of the boys, +if boys there be aboard. Besides, it was the stronger men in the +Town-Ho that had been divided into gangs, taking turns at the pumps; +and being the most athletic seaman of them all, Steelkilt had been +regularly assigned captain of one of the gangs; consequently he should +have been freed from any trivial business not connected with truly +nautical duties, such being the case with his comrades. I mention all +these particulars so that you may understand exactly how this affair +stood between the two men. + +“But there was more than this: the order about the shovel was almost as +plainly meant to sting and insult Steelkilt, as though Radney had spat +in his face. Any man who has gone sailor in a whale-ship will +understand this; and all this and doubtless much more, the Lakeman +fully comprehended when the mate uttered his command. But as he sat +still for a moment, and as he steadfastly looked into the mate’s +malignant eye and perceived the stacks of powder-casks heaped up in him +and the slow-match silently burning along towards them; as he +instinctively saw all this, that strange forbearance and unwillingness +to stir up the deeper passionateness in any already ireful being—a +repugnance most felt, when felt at all, by really valiant men even when +aggrieved—this nameless phantom feeling, gentlemen, stole over +Steelkilt. + +“Therefore, in his ordinary tone, only a little broken by the bodily +exhaustion he was temporarily in, he answered him saying that sweeping +the deck was not his business, and he would not do it. And then, +without at all alluding to the shovel, he pointed to three lads as the +customary sweepers; who, not being billeted at the pumps, had done +little or nothing all day. To this, Radney replied with an oath, in a +most domineering and outrageous manner unconditionally reiterating his +command; meanwhile advancing upon the still seated Lakeman, with an +uplifted cooper’s club hammer which he had snatched from a cask near +by. + +“Heated and irritated as he was by his spasmodic toil at the pumps, for +all his first nameless feeling of forbearance the sweating Steelkilt +could but ill brook this bearing in the mate; but somehow still +smothering the conflagration within him, without speaking he remained +doggedly rooted to his seat, till at last the incensed Radney shook the +hammer within a few inches of his face, furiously commanding him to do +his bidding. + +“Steelkilt rose, and slowly retreating round the windlass, steadily +followed by the mate with his menacing hammer, deliberately repeated +his intention not to obey. Seeing, however, that his forbearance had +not the slightest effect, by an awful and unspeakable intimation with +his twisted hand he warned off the foolish and infatuated man; but it +was to no purpose. And in this way the two went once slowly round the +windlass; when, resolved at last no longer to retreat, bethinking him +that he had now forborne as much as comported with his humor, the +Lakeman paused on the hatches and thus spoke to the officer: + +“‘Mr. Radney, I will not obey you. Take that hammer away, or look to +yourself.’ But the predestinated mate coming still closer to him, where +the Lakeman stood fixed, now shook the heavy hammer within an inch of +his teeth; meanwhile repeating a string of insufferable maledictions. +Retreating not the thousandth part of an inch; stabbing him in the eye +with the unflinching poniard of his glance, Steelkilt, clenching his +right hand behind him and creepingly drawing it back, told his +persecutor that if the hammer but grazed his cheek he (Steelkilt) would +murder him. But, gentlemen, the fool had been branded for the slaughter +by the gods. Immediately the hammer touched the cheek; the next instant +the lower jaw of the mate was stove in his head; he fell on the hatch +spouting blood like a whale. + +“Ere the cry could go aft Steelkilt was shaking one of the backstays +leading far aloft to where two of his comrades were standing their +mastheads. They were both Canallers. + +“‘Canallers!’ cried Don Pedro. ‘We have seen many whale-ships in our +harbours, but never heard of your Canallers. Pardon: who and what are +they?’ + +“‘Canallers, Don, are the boatmen belonging to our grand Erie Canal. +You must have heard of it.’ + +“‘Nay, Senor; hereabouts in this dull, warm, most lazy, and hereditary +land, we know but little of your vigorous North.’ + +“‘Aye? Well then, Don, refill my cup. Your chicha’s very fine; and ere +proceeding further I will tell ye what our Canallers are; for such +information may throw side-light upon my story.’ + +“For three hundred and sixty miles, gentlemen, through the entire +breadth of the state of New York; through numerous populous cities and +most thriving villages; through long, dismal, uninhabited swamps, and +affluent, cultivated fields, unrivalled for fertility; by billiard-room +and bar-room; through the holy-of-holies of great forests; on Roman +arches over Indian rivers; through sun and shade; by happy hearts or +broken; through all the wide contrasting scenery of those noble Mohawk +counties; and especially, by rows of snow-white chapels, whose spires +stand almost like milestones, flows one continual stream of Venetianly +corrupt and often lawless life. There’s your true Ashantee, gentlemen; +there howl your pagans; where you ever find them, next door to you; +under the long-flung shadow, and the snug patronising lee of churches. +For by some curious fatality, as it is often noted of your metropolitan +freebooters that they ever encamp around the halls of justice, so +sinners, gentlemen, most abound in holiest vicinities. + +“‘Is that a friar passing?’ said Don Pedro, looking downwards into the +crowded plazza, with humorous concern. + +“‘Well for our northern friend, Dame Isabella’s Inquisition wanes in +Lima,’ laughed Don Sebastian. ‘Proceed, Senor.’ + +“‘A moment! Pardon!’ cried another of the company. ‘In the name of all +us Limeese, I but desire to express to you, sir sailor, that we have by +no means overlooked your delicacy in not substituting present Lima for +distant Venice in your corrupt comparison. Oh! do not bow and look +surprised; you know the proverb all along this coast—“Corrupt as Lima.” +It but bears out your saying, too; churches more plentiful than +billiard-tables, and for ever open—and “Corrupt as Lima.” So, too, +Venice; I have been there; the holy city of the blessed evangelist, St. +Mark!—St. Dominic, purge it! Your cup! Thanks: here I refill; now, you +pour out again.’ + +“Freely depicted in his own vocation, gentlemen, the Canaller would +make a fine dramatic hero, so abundantly and picturesquely wicked is +he. Like Mark Antony, for days and days along his green-turfed, flowery +Nile, he indolently floats, openly toying with his red-cheeked +Cleopatra, ripening his apricot thigh upon the sunny deck. But ashore, +all this effeminacy is dashed. The brigandish guise which the Canaller +so proudly sports; his slouched and gaily-ribboned hat betoken his +grand features. A terror to the smiling innocence of the villages +through which he floats; his swart visage and bold swagger are not +unshunned in cities. Once a vagabond on his own canal, I have received +good turns from one of these Canallers; I thank him heartily; would +fain be not ungrateful; but it is often one of the prime redeeming +qualities of your man of violence, that at times he has as stiff an arm +to back a poor stranger in a strait, as to plunder a wealthy one. In +sum, gentlemen, what the wildness of this canal life is, is +emphatically evinced by this; that our wild whale-fishery contains so +many of its most finished graduates, and that scarce any race of +mankind, except Sydney men, are so much distrusted by our whaling +captains. Nor does it at all diminish the curiousness of this matter, +that to many thousands of our rural boys and young men born along its +line, the probationary life of the Grand Canal furnishes the sole +transition between quietly reaping in a Christian corn-field, and +recklessly ploughing the waters of the most barbaric seas. + +“‘I see! I see!’ impetuously exclaimed Don Pedro, spilling his chicha +upon his silvery ruffles. ‘No need to travel! The world’s one Lima. I +had thought, now, that at your temperate North the generations were +cold and holy as the hills.—But the story.’ + +“I left off, gentlemen, where the Lakeman shook the backstay. Hardly +had he done so, when he was surrounded by the three junior mates and +the four harpooneers, who all crowded him to the deck. But sliding down +the ropes like baleful comets, the two Canallers rushed into the +uproar, and sought to drag their man out of it towards the forecastle. +Others of the sailors joined with them in this attempt, and a twisted +turmoil ensued; while standing out of harm’s way, the valiant captain +danced up and down with a whale-pike, calling upon his officers to +manhandle that atrocious scoundrel, and smoke him along to the +quarter-deck. At intervals, he ran close up to the revolving border of +the confusion, and prying into the heart of it with his pike, sought to +prick out the object of his resentment. But Steelkilt and his +desperadoes were too much for them all; they succeeded in gaining the +forecastle deck, where, hastily slewing about three or four large casks +in a line with the windlass, these sea-Parisians entrenched themselves +behind the barricade. + +“‘Come out of that, ye pirates!’ roared the captain, now menacing them +with a pistol in each hand, just brought to him by the steward. ‘Come +out of that, ye cut-throats!’ + +“Steelkilt leaped on the barricade, and striding up and down there, +defied the worst the pistols could do; but gave the captain to +understand distinctly, that his (Steelkilt’s) death would be the signal +for a murderous mutiny on the part of all hands. Fearing in his heart +lest this might prove but too true, the captain a little desisted, but +still commanded the insurgents instantly to return to their duty. + +“‘Will you promise not to touch us, if we do?’ demanded their +ringleader. + +“‘Turn to! turn to!—I make no promise;—to your duty! Do you want to +sink the ship, by knocking off at a time like this? Turn to!’ and he +once more raised a pistol. + +“‘Sink the ship?’ cried Steelkilt. ‘Aye, let her sink. Not a man of us +turns to, unless you swear not to raise a rope-yarn against us. What +say ye, men?’ turning to his comrades. A fierce cheer was their +response. + +“The Lakeman now patrolled the barricade, all the while keeping his eye +on the Captain, and jerking out such sentences as these:—‘It’s not our +fault; we didn’t want it; I told him to take his hammer away; it was +boy’s business; he might have known me before this; I told him not to +prick the buffalo; I believe I have broken a finger here against his +cursed jaw; ain’t those mincing knives down in the forecastle there, +men? look to those handspikes, my hearties. Captain, by God, look to +yourself; say the word; don’t be a fool; forget it all; we are ready to +turn to; treat us decently, and we’re your men; but we won’t be +flogged.’ + +“‘Turn to! I make no promises, turn to, I say!’ + +“‘Look ye, now,’ cried the Lakeman, flinging out his arm towards him, +‘there are a few of us here (and I am one of them) who have shipped for +the cruise, d’ye see; now as you well know, sir, we can claim our +discharge as soon as the anchor is down; so we don’t want a row; it’s +not our interest; we want to be peaceable; we are ready to work, but we +won’t be flogged.’ + +“‘Turn to!’ roared the Captain. + +“Steelkilt glanced round him a moment, and then said:—‘I tell you what +it is now, Captain, rather than kill ye, and be hung for such a shabby +rascal, we won’t lift a hand against ye unless ye attack us; but till +you say the word about not flogging us, we don’t do a hand’s turn.’ + +“‘Down into the forecastle then, down with ye, I’ll keep ye there till +ye’re sick of it. Down ye go.’ + +“‘Shall we?’ cried the ringleader to his men. Most of them were against +it; but at length, in obedience to Steelkilt, they preceded him down +into their dark den, growlingly disappearing, like bears into a cave. + +“As the Lakeman’s bare head was just level with the planks, the Captain +and his posse leaped the barricade, and rapidly drawing over the slide +of the scuttle, planted their group of hands upon it, and loudly called +for the steward to bring the heavy brass padlock belonging to the +companionway. Then opening the slide a little, the Captain whispered +something down the crack, closed it, and turned the key upon them—ten +in number—leaving on deck some twenty or more, who thus far had +remained neutral. + +“All night a wide-awake watch was kept by all the officers, forward and +aft, especially about the forecastle scuttle and fore hatchway; at +which last place it was feared the insurgents might emerge, after +breaking through the bulkhead below. But the hours of darkness passed +in peace; the men who still remained at their duty toiling hard at the +pumps, whose clinking and clanking at intervals through the dreary +night dismally resounded through the ship. + +“At sunrise the Captain went forward, and knocking on the deck, +summoned the prisoners to work; but with a yell they refused. Water was +then lowered down to them, and a couple of handfuls of biscuit were +tossed after it; when again turning the key upon them and pocketing it, +the Captain returned to the quarter-deck. Twice every day for three +days this was repeated; but on the fourth morning a confused wrangling, +and then a scuffling was heard, as the customary summons was delivered; +and suddenly four men burst up from the forecastle, saying they were +ready to turn to. The fetid closeness of the air, and a famishing diet, +united perhaps to some fears of ultimate retribution, had constrained +them to surrender at discretion. Emboldened by this, the Captain +reiterated his demand to the rest, but Steelkilt shouted up to him a +terrific hint to stop his babbling and betake himself where he +belonged. On the fifth morning three others of the mutineers bolted up +into the air from the desperate arms below that sought to restrain +them. Only three were left. + +“‘Better turn to, now?’ said the Captain with a heartless jeer. + +“‘Shut us up again, will ye!’ cried Steelkilt. + +“‘Oh certainly,’ said the Captain, and the key clicked. + +“It was at this point, gentlemen, that enraged by the defection of +seven of his former associates, and stung by the mocking voice that had +last hailed him, and maddened by his long entombment in a place as +black as the bowels of despair; it was then that Steelkilt proposed to +the two Canallers, thus far apparently of one mind with him, to burst +out of their hole at the next summoning of the garrison; and armed with +their keen mincing knives (long, crescentic, heavy implements with a +handle at each end) run amuck from the bowsprit to the taffrail; and if +by any devilishness of desperation possible, seize the ship. For +himself, he would do this, he said, whether they joined him or not. +That was the last night he should spend in that den. But the scheme met +with no opposition on the part of the other two; they swore they were +ready for that, or for any other mad thing, for anything in short but a +surrender. And what was more, they each insisted upon being the first +man on deck, when the time to make the rush should come. But to this +their leader as fiercely objected, reserving that priority for himself; +particularly as his two comrades would not yield, the one to the other, +in the matter; and both of them could not be first, for the ladder +would but admit one man at a time. And here, gentlemen, the foul play +of these miscreants must come out. + +“Upon hearing the frantic project of their leader, each in his own +separate soul had suddenly lighted, it would seem, upon the same piece +of treachery, namely: to be foremost in breaking out, in order to be +the first of the three, though the last of the ten, to surrender; and +thereby secure whatever small chance of pardon such conduct might +merit. But when Steelkilt made known his determination still to lead +them to the last, they in some way, by some subtle chemistry of +villany, mixed their before secret treacheries together; and when their +leader fell into a doze, verbally opened their souls to each other in +three sentences; and bound the sleeper with cords, and gagged him with +cords; and shrieked out for the Captain at midnight. + +“Thinking murder at hand, and smelling in the dark for the blood, he +and all his armed mates and harpooneers rushed for the forecastle. In a +few minutes the scuttle was opened, and, bound hand and foot, the still +struggling ringleader was shoved up into the air by his perfidious +allies, who at once claimed the honor of securing a man who had been +fully ripe for murder. But all these were collared, and dragged along +the deck like dead cattle; and, side by side, were seized up into the +mizzen rigging, like three quarters of meat, and there they hung till +morning. ‘Damn ye,’ cried the Captain, pacing to and fro before them, +‘the vultures would not touch ye, ye villains!’ + +“At sunrise he summoned all hands; and separating those who had +rebelled from those who had taken no part in the mutiny, he told the +former that he had a good mind to flog them all round—thought, upon the +whole, he would do so—he ought to—justice demanded it; but for the +present, considering their timely surrender, he would let them go with +a reprimand, which he accordingly administered in the vernacular. + +“‘But as for you, ye carrion rogues,’ turning to the three men in the +rigging—‘for you, I mean to mince ye up for the try-pots;’ and, seizing +a rope, he applied it with all his might to the backs of the two +traitors, till they yelled no more, but lifelessly hung their heads +sideways, as the two crucified thieves are drawn. + +“‘My wrist is sprained with ye!’ he cried, at last; ‘but there is still +rope enough left for you, my fine bantam, that wouldn’t give up. Take +that gag from his mouth, and let us hear what he can say for himself.’ + +“For a moment the exhausted mutineer made a tremulous motion of his +cramped jaws, and then painfully twisting round his head, said in a +sort of hiss, ‘What I say is this—and mind it well—if you flog me, I +murder you!’ + +“‘Say ye so? then see how ye frighten me’—and the Captain drew off with +the rope to strike. + +“‘Best not,’ hissed the Lakeman. + +“‘But I must,’—and the rope was once more drawn back for the stroke. + +“Steelkilt here hissed out something, inaudible to all but the Captain; +who, to the amazement of all hands, started back, paced the deck +rapidly two or three times, and then suddenly throwing down his rope, +said, ‘I won’t do it—let him go—cut him down: d’ye hear?’ + +“But as the junior mates were hurrying to execute the order, a pale +man, with a bandaged head, arrested them—Radney the chief mate. Ever +since the blow, he had lain in his berth; but that morning, hearing the +tumult on the deck, he had crept out, and thus far had watched the +whole scene. Such was the state of his mouth, that he could hardly +speak; but mumbling something about _his_ being willing and able to do +what the captain dared not attempt, he snatched the rope and advanced +to his pinioned foe. + +“‘You are a coward!’ hissed the Lakeman. + +“‘So I am, but take that.’ The mate was in the very act of striking, +when another hiss stayed his uplifted arm. He paused: and then pausing +no more, made good his word, spite of Steelkilt’s threat, whatever that +might have been. The three men were then cut down, all hands were +turned to, and, sullenly worked by the moody seamen, the iron pumps +clanged as before. + +“Just after dark that day, when one watch had retired below, a clamor +was heard in the forecastle; and the two trembling traitors running up, +besieged the cabin door, saying they durst not consort with the crew. +Entreaties, cuffs, and kicks could not drive them back, so at their own +instance they were put down in the ship’s run for salvation. Still, no +sign of mutiny reappeared among the rest. On the contrary, it seemed, +that mainly at Steelkilt’s instigation, they had resolved to maintain +the strictest peacefulness, obey all orders to the last, and, when the +ship reached port, desert her in a body. But in order to insure the +speediest end to the voyage, they all agreed to another thing—namely, +not to sing out for whales, in case any should be discovered. For, +spite of her leak, and spite of all her other perils, the Town-Ho still +maintained her mast-heads, and her captain was just as willing to lower +for a fish that moment, as on the day his craft first struck the +cruising ground; and Radney the mate was quite as ready to change his +berth for a boat, and with his bandaged mouth seek to gag in death the +vital jaw of the whale. + +“But though the Lakeman had induced the seamen to adopt this sort of +passiveness in their conduct, he kept his own counsel (at least till +all was over) concerning his own proper and private revenge upon the +man who had stung him in the ventricles of his heart. He was in Radney +the chief mate’s watch; and as if the infatuated man sought to run more +than half way to meet his doom, after the scene at the rigging, he +insisted, against the express counsel of the captain, upon resuming the +head of his watch at night. Upon this, and one or two other +circumstances, Steelkilt systematically built the plan of his revenge. + +“During the night, Radney had an unseamanlike way of sitting on the +bulwarks of the quarter-deck, and leaning his arm upon the gunwale of +the boat which was hoisted up there, a little above the ship’s side. In +this attitude, it was well known, he sometimes dozed. There was a +considerable vacancy between the boat and the ship, and down between +this was the sea. Steelkilt calculated his time, and found that his +next trick at the helm would come round at two o’clock, in the morning +of the third day from that in which he had been betrayed. At his +leisure, he employed the interval in braiding something very carefully +in his watches below. + +“‘What are you making there?’ said a shipmate. + +“‘What do you think? what does it look like?’ + +“‘Like a lanyard for your bag; but it’s an odd one, seems to me.’ + +“‘Yes, rather oddish,’ said the Lakeman, holding it at arm’s length +before him; ‘but I think it will answer. Shipmate, I haven’t enough +twine,—have you any?’ + +“But there was none in the forecastle. + +“‘Then I must get some from old Rad;’ and he rose to go aft. + +“‘You don’t mean to go a begging to _him!_’ said a sailor. + +“‘Why not? Do you think he won’t do me a turn, when it’s to help +himself in the end, shipmate?’ and going to the mate, he looked at him +quietly, and asked him for some twine to mend his hammock. It was given +him—neither twine nor lanyard were seen again; but the next night an +iron ball, closely netted, partly rolled from the pocket of the +Lakeman’s monkey jacket, as he was tucking the coat into his hammock +for a pillow. Twenty-four hours after, his trick at the silent +helm—nigh to the man who was apt to doze over the grave always ready +dug to the seaman’s hand—that fatal hour was then to come; and in the +fore-ordaining soul of Steelkilt, the mate was already stark and +stretched as a corpse, with his forehead crushed in. + +“But, gentlemen, a fool saved the would-be murderer from the bloody +deed he had planned. Yet complete revenge he had, and without being the +avenger. For by a mysterious fatality, Heaven itself seemed to step in +to take out of his hands into its own the damning thing he would have +done. + +“It was just between daybreak and sunrise of the morning of the second +day, when they were washing down the decks, that a stupid Teneriffe +man, drawing water in the main-chains, all at once shouted out, ‘There +she rolls! there she rolls!’ Jesu, what a whale! It was Moby Dick. + +“‘Moby Dick!’ cried Don Sebastian; ‘St. Dominic! Sir sailor, but do +whales have christenings? Whom call you Moby Dick?’ + +“‘A very white, and famous, and most deadly immortal monster, Don;—but +that would be too long a story.’ + +“‘How? how?’ cried all the young Spaniards, crowding. + +“‘Nay, Dons, Dons—nay, nay! I cannot rehearse that now. Let me get more +into the air, Sirs.’ + +“‘The chicha! the chicha!’ cried Don Pedro; ‘our vigorous friend looks +faint;—fill up his empty glass!’ + +“No need, gentlemen; one moment, and I proceed.—Now, gentlemen, so +suddenly perceiving the snowy whale within fifty yards of the +ship—forgetful of the compact among the crew—in the excitement of the +moment, the Teneriffe man had instinctively and involuntarily lifted +his voice for the monster, though for some little time past it had been +plainly beheld from the three sullen mast-heads. All was now a phrensy. +‘The White Whale—the White Whale!’ was the cry from captain, mates, and +harpooneers, who, undeterred by fearful rumours, were all anxious to +capture so famous and precious a fish; while the dogged crew eyed +askance, and with curses, the appalling beauty of the vast milky mass, +that lit up by a horizontal spangling sun, shifted and glistened like a +living opal in the blue morning sea. Gentlemen, a strange fatality +pervades the whole career of these events, as if verily mapped out +before the world itself was charted. The mutineer was the bowsman of +the mate, and when fast to a fish, it was his duty to sit next him, +while Radney stood up with his lance in the prow, and haul in or +slacken the line, at the word of command. Moreover, when the four boats +were lowered, the mate’s got the start; and none howled more fiercely +with delight than did Steelkilt, as he strained at his oar. After a +stiff pull, their harpooneer got fast, and, spear in hand, Radney +sprang to the bow. He was always a furious man, it seems, in a boat. +And now his bandaged cry was, to beach him on the whale’s topmost back. +Nothing loath, his bowsman hauled him up and up, through a blinding +foam that blent two whitenesses together; till of a sudden the boat +struck as against a sunken ledge, and keeling over, spilled out the +standing mate. That instant, as he fell on the whale’s slippery back, +the boat righted, and was dashed aside by the swell, while Radney was +tossed over into the sea, on the other flank of the whale. He struck +out through the spray, and, for an instant, was dimly seen through that +veil, wildly seeking to remove himself from the eye of Moby Dick. But +the whale rushed round in a sudden maelstrom; seized the swimmer +between his jaws; and rearing high up with him, plunged headlong again, +and went down. + +“Meantime, at the first tap of the boat’s bottom, the Lakeman had +slackened the line, so as to drop astern from the whirlpool; calmly +looking on, he thought his own thoughts. But a sudden, terrific, +downward jerking of the boat, quickly brought his knife to the line. He +cut it; and the whale was free. But, at some distance, Moby Dick rose +again, with some tatters of Radney’s red woollen shirt, caught in the +teeth that had destroyed him. All four boats gave chase again; but the +whale eluded them, and finally wholly disappeared. + +“In good time, the Town-Ho reached her port—a savage, solitary +place—where no civilized creature resided. There, headed by the +Lakeman, all but five or six of the foremastmen deliberately deserted +among the palms; eventually, as it turned out, seizing a large double +war-canoe of the savages, and setting sail for some other harbor. + +“The ship’s company being reduced to but a handful, the captain called +upon the Islanders to assist him in the laborious business of heaving +down the ship to stop the leak. But to such unresting vigilance over +their dangerous allies was this small band of whites necessitated, both +by night and by day, and so extreme was the hard work they underwent, +that upon the vessel being ready again for sea, they were in such a +weakened condition that the captain durst not put off with them in so +heavy a vessel. After taking counsel with his officers, he anchored the +ship as far off shore as possible; loaded and ran out his two cannon +from the bows; stacked his muskets on the poop; and warning the +Islanders not to approach the ship at their peril, took one man with +him, and setting the sail of his best whale-boat, steered straight +before the wind for Tahiti, five hundred miles distant, to procure a +reinforcement to his crew. + +“On the fourth day of the sail, a large canoe was descried, which +seemed to have touched at a low isle of corals. He steered away from +it; but the savage craft bore down on him; and soon the voice of +Steelkilt hailed him to heave to, or he would run him under water. The +captain presented a pistol. With one foot on each prow of the yoked +war-canoes, the Lakeman laughed him to scorn; assuring him that if the +pistol so much as clicked in the lock, he would bury him in bubbles and +foam. + +“‘What do you want of me?’ cried the captain. + +“‘Where are you bound? and for what are you bound?’ demanded Steelkilt; +‘no lies.’ + +“‘I am bound to Tahiti for more men.’ + +“‘Very good. Let me board you a moment—I come in peace.’ With that he +leaped from the canoe, swam to the boat; and climbing the gunwale, +stood face to face with the captain. + +“‘Cross your arms, sir; throw back your head. Now, repeat after me. As +soon as Steelkilt leaves me, I swear to beach this boat on yonder +island, and remain there six days. If I do not, may lightnings strike +me!’ + +“‘A pretty scholar,’ laughed the Lakeman. ‘Adios, Senor!’ and leaping +into the sea, he swam back to his comrades. + +“Watching the boat till it was fairly beached, and drawn up to the +roots of the cocoa-nut trees, Steelkilt made sail again, and in due +time arrived at Tahiti, his own place of destination. There, luck +befriended him; two ships were about to sail for France, and were +providentially in want of precisely that number of men which the sailor +headed. They embarked; and so for ever got the start of their former +captain, had he been at all minded to work them legal retribution. + +“Some ten days after the French ships sailed, the whale-boat arrived, +and the captain was forced to enlist some of the more civilized +Tahitians, who had been somewhat used to the sea. Chartering a small +native schooner, he returned with them to his vessel; and finding all +right there, again resumed his cruisings. + +“Where Steelkilt now is, gentlemen, none know; but upon the island of +Nantucket, the widow of Radney still turns to the sea which refuses to +give up its dead; still in dreams sees the awful white whale that +destroyed him. * * * * + +“‘Are you through?’ said Don Sebastian, quietly. + +“‘I am, Don.’ + +“‘Then I entreat you, tell me if to the best of your own convictions, +this your story is in substance really true? It is so passing +wonderful! Did you get it from an unquestionable source? Bear with me +if I seem to press.’ + +“‘Also bear with all of us, sir sailor; for we all join in Don +Sebastian’s suit,’ cried the company, with exceeding interest. + +“‘Is there a copy of the Holy Evangelists in the Golden Inn, +gentlemen?’ + +“‘Nay,’ said Don Sebastian; ‘but I know a worthy priest near by, who +will quickly procure one for me. I go for it; but are you well advised? +this may grow too serious.’ + +“‘Will you be so good as to bring the priest also, Don?’ + +“‘Though there are no Auto-da-Fés in Lima now,’ said one of the company +to another; ‘I fear our sailor friend runs risk of the archiepiscopacy. +Let us withdraw more out of the moonlight. I see no need of this.’ + +“‘Excuse me for running after you, Don Sebastian; but may I also beg +that you will be particular in procuring the largest sized Evangelists +you can.’ + +* * * * * * + +“‘This is the priest, he brings you the Evangelists,’ said Don +Sebastian, gravely, returning with a tall and solemn figure. + +“‘Let me remove my hat. Now, venerable priest, further into the light, +and hold the Holy Book before me that I may touch it. + +“‘So help me Heaven, and on my honor the story I have told ye, +gentlemen, is in substance and its great items, true. I know it to be +true; it happened on this ball; I trod the ship; I knew the crew; I +have seen and talked with Steelkilt since the death of Radney.’” + + +CHAPTER 55. Of the Monstrous Pictures of Whales. + +I shall ere long paint to you as well as one can without canvas, +something like the true form of the whale as he actually appears to the +eye of the whaleman when in his own absolute body the whale is moored +alongside the whale-ship so that he can be fairly stepped upon there. +It may be worth while, therefore, previously to advert to those curious +imaginary portraits of him which even down to the present day +confidently challenge the faith of the landsman. It is time to set the +world right in this matter, by proving such pictures of the whale all +wrong. + +It may be that the primal source of all those pictorial delusions will +be found among the oldest Hindoo, Egyptian, and Grecian sculptures. For +ever since those inventive but unscrupulous times when on the marble +panellings of temples, the pedestals of statues, and on shields, +medallions, cups, and coins, the dolphin was drawn in scales of +chain-armor like Saladin’s, and a helmeted head like St. George’s; ever +since then has something of the same sort of license prevailed, not +only in most popular pictures of the whale, but in many scientific +presentations of him. + +Now, by all odds, the most ancient extant portrait anyways purporting +to be the whale’s, is to be found in the famous cavern-pagoda of +Elephanta, in India. The Brahmins maintain that in the almost endless +sculptures of that immemorial pagoda, all the trades and pursuits, +every conceivable avocation of man, were prefigured ages before any of +them actually came into being. No wonder then, that in some sort our +noble profession of whaling should have been there shadowed forth. The +Hindoo whale referred to, occurs in a separate department of the wall, +depicting the incarnation of Vishnu in the form of leviathan, learnedly +known as the Matse Avatar. But though this sculpture is half man and +half whale, so as only to give the tail of the latter, yet that small +section of him is all wrong. It looks more like the tapering tail of an +anaconda, than the broad palms of the true whale’s majestic flukes. + +But go to the old Galleries, and look now at a great Christian +painter’s portrait of this fish; for he succeeds no better than the +antediluvian Hindoo. It is Guido’s picture of Perseus rescuing +Andromeda from the sea-monster or whale. Where did Guido get the model +of such a strange creature as that? Nor does Hogarth, in painting the +same scene in his own “Perseus Descending,” make out one whit better. +The huge corpulence of that Hogarthian monster undulates on the +surface, scarcely drawing one inch of water. It has a sort of howdah on +its back, and its distended tusked mouth into which the billows are +rolling, might be taken for the Traitors’ Gate leading from the Thames +by water into the Tower. Then, there are the Prodromus whales of old +Scotch Sibbald, and Jonah’s whale, as depicted in the prints of old +Bibles and the cuts of old primers. What shall be said of these? As for +the book-binder’s whale winding like a vine-stalk round the stock of a +descending anchor—as stamped and gilded on the backs and title-pages of +many books both old and new—that is a very picturesque but purely +fabulous creature, imitated, I take it, from the like figures on +antique vases. Though universally denominated a dolphin, I nevertheless +call this book-binder’s fish an attempt at a whale; because it was so +intended when the device was first introduced. It was introduced by an +old Italian publisher somewhere about the 15th century, during the +Revival of Learning; and in those days, and even down to a +comparatively late period, dolphins were popularly supposed to be a +species of the Leviathan. + +In the vignettes and other embellishments of some ancient books you +will at times meet with very curious touches at the whale, where all +manner of spouts, jets d’eau, hot springs and cold, Saratoga and +Baden-Baden, come bubbling up from his unexhausted brain. In the +title-page of the original edition of the “Advancement of Learning” you +will find some curious whales. + +But quitting all these unprofessional attempts, let us glance at those +pictures of leviathan purporting to be sober, scientific delineations, +by those who know. In old Harris’s collection of voyages there are some +plates of whales extracted from a Dutch book of voyages, A.D. 1671, +entitled “A Whaling Voyage to Spitzbergen in the ship Jonas in the +Whale, Peter Peterson of Friesland, master.” In one of those plates the +whales, like great rafts of logs, are represented lying among +ice-isles, with white bears running over their living backs. In another +plate, the prodigious blunder is made of representing the whale with +perpendicular flukes. + +Then again, there is an imposing quarto, written by one Captain +Colnett, a Post Captain in the English navy, entitled “A Voyage round +Cape Horn into the South Seas, for the purpose of extending the +Spermaceti Whale Fisheries.” In this book is an outline purporting to +be a “Picture of a Physeter or Spermaceti whale, drawn by scale from +one killed on the coast of Mexico, August, 1793, and hoisted on deck.” +I doubt not the captain had this veracious picture taken for the +benefit of his marines. To mention but one thing about it, let me say +that it has an eye which applied, according to the accompanying scale, +to a full grown sperm whale, would make the eye of that whale a +bow-window some five feet long. Ah, my gallant captain, why did ye not +give us Jonah looking out of that eye! + +Nor are the most conscientious compilations of Natural History for the +benefit of the young and tender, free from the same heinousness of +mistake. Look at that popular work “Goldsmith’s Animated Nature.” In +the abridged London edition of 1807, there are plates of an alleged +“whale” and a “narwhale.” I do not wish to seem inelegant, but this +unsightly whale looks much like an amputated sow; and, as for the +narwhale, one glimpse at it is enough to amaze one, that in this +nineteenth century such a hippogriff could be palmed for genuine upon +any intelligent public of schoolboys. + +Then, again, in 1825, Bernard Germain, Count de Lacépède, a great +naturalist, published a scientific systemized whale book, wherein are +several pictures of the different species of the Leviathan. All these +are not only incorrect, but the picture of the Mysticetus or Greenland +whale (that is to say, the Right whale), even Scoresby, a long +experienced man as touching that species, declares not to have its +counterpart in nature. + +But the placing of the cap-sheaf to all this blundering business was +reserved for the scientific Frederick Cuvier, brother to the famous +Baron. In 1836, he published a Natural History of Whales, in which he +gives what he calls a picture of the Sperm Whale. Before showing that +picture to any Nantucketer, you had best provide for your summary +retreat from Nantucket. In a word, Frederick Cuvier’s Sperm Whale is +not a Sperm Whale, but a squash. Of course, he never had the benefit of +a whaling voyage (such men seldom have), but whence he derived that +picture, who can tell? Perhaps he got it as his scientific predecessor +in the same field, Desmarest, got one of his authentic abortions; that +is, from a Chinese drawing. And what sort of lively lads with the +pencil those Chinese are, many queer cups and saucers inform us. + +As for the sign-painters’ whales seen in the streets hanging over the +shops of oil-dealers, what shall be said of them? They are generally +Richard III. whales, with dromedary humps, and very savage; +breakfasting on three or four sailor tarts, that is whaleboats full of +mariners: their deformities floundering in seas of blood and blue +paint. + +But these manifold mistakes in depicting the whale are not so very +surprising after all. Consider! Most of the scientific drawings have +been taken from the stranded fish; and these are about as correct as a +drawing of a wrecked ship, with broken back, would correctly represent +the noble animal itself in all its undashed pride of hull and spars. +Though elephants have stood for their full-lengths, the living +Leviathan has never yet fairly floated himself for his portrait. The +living whale, in his full majesty and significance, is only to be seen +at sea in unfathomable waters; and afloat the vast bulk of him is out +of sight, like a launched line-of-battle ship; and out of that element +it is a thing eternally impossible for mortal man to hoist him bodily +into the air, so as to preserve all his mighty swells and undulations. +And, not to speak of the highly presumable difference of contour +between a young sucking whale and a full-grown Platonian Leviathan; +yet, even in the case of one of those young sucking whales hoisted to a +ship’s deck, such is then the outlandish, eel-like, limbered, varying +shape of him, that his precise expression the devil himself could not +catch. + +But it may be fancied, that from the naked skeleton of the stranded +whale, accurate hints may be derived touching his true form. Not at +all. For it is one of the more curious things about this Leviathan, +that his skeleton gives very little idea of his general shape. Though +Jeremy Bentham’s skeleton, which hangs for candelabra in the library of +one of his executors, correctly conveys the idea of a burly-browed +utilitarian old gentleman, with all Jeremy’s other leading personal +characteristics; yet nothing of this kind could be inferred from any +leviathan’s articulated bones. In fact, as the great Hunter says, the +mere skeleton of the whale bears the same relation to the fully +invested and padded animal as the insect does to the chrysalis that so +roundingly envelopes it. This peculiarity is strikingly evinced in the +head, as in some part of this book will be incidentally shown. It is +also very curiously displayed in the side fin, the bones of which +almost exactly answer to the bones of the human hand, minus only the +thumb. This fin has four regular bone-fingers, the index, middle, ring, +and little finger. But all these are permanently lodged in their fleshy +covering, as the human fingers in an artificial covering. “However +recklessly the whale may sometimes serve us,” said humorous Stubb one +day, “he can never be truly said to handle us without mittens.” + +For all these reasons, then, any way you may look at it, you must needs +conclude that the great Leviathan is that one creature in the world +which must remain unpainted to the last. True, one portrait may hit the +mark much nearer than another, but none can hit it with any very +considerable degree of exactness. So there is no earthly way of finding +out precisely what the whale really looks like. And the only mode in +which you can derive even a tolerable idea of his living contour, is by +going a whaling yourself; but by so doing, you run no small risk of +being eternally stove and sunk by him. Wherefore, it seems to me you +had best not be too fastidious in your curiosity touching this +Leviathan. + + +CHAPTER 56. Of the Less Erroneous Pictures of Whales, and the True +Pictures of Whaling Scenes. + +In connexion with the monstrous pictures of whales, I am strongly +tempted here to enter upon those still more monstrous stories of them +which are to be found in certain books, both ancient and modern, +especially in Pliny, Purchas, Hackluyt, Harris, Cuvier, etc. But I pass +that matter by. + +I know of only four published outlines of the great Sperm Whale; +Colnett’s, Huggins’s, Frederick Cuvier’s, and Beale’s. In the previous +chapter Colnett and Cuvier have been referred to. Huggins’s is far +better than theirs; but, by great odds, Beale’s is the best. All +Beale’s drawings of this whale are good, excepting the middle figure in +the picture of three whales in various attitudes, capping his second +chapter. His frontispiece, boats attacking Sperm Whales, though no +doubt calculated to excite the civil scepticism of some parlor men, is +admirably correct and life-like in its general effect. Some of the +Sperm Whale drawings in J. Ross Browne are pretty correct in contour; +but they are wretchedly engraved. That is not his fault though. + +Of the Right Whale, the best outline pictures are in Scoresby; but they +are drawn on too small a scale to convey a desirable impression. He has +but one picture of whaling scenes, and this is a sad deficiency, +because it is by such pictures only, when at all well done, that you +can derive anything like a truthful idea of the living whale as seen by +his living hunters. + +But, taken for all in all, by far the finest, though in some details +not the most correct, presentations of whales and whaling scenes to be +anywhere found, are two large French engravings, well executed, and +taken from paintings by one Garnery. Respectively, they represent +attacks on the Sperm and Right Whale. In the first engraving a noble +Sperm Whale is depicted in full majesty of might, just risen beneath +the boat from the profundities of the ocean, and bearing high in the +air upon his back the terrific wreck of the stoven planks. The prow of +the boat is partially unbroken, and is drawn just balancing upon the +monster’s spine; and standing in that prow, for that one single +incomputable flash of time, you behold an oarsman, half shrouded by the +incensed boiling spout of the whale, and in the act of leaping, as if +from a precipice. The action of the whole thing is wonderfully good and +true. The half-emptied line-tub floats on the whitened sea; the wooden +poles of the spilled harpoons obliquely bob in it; the heads of the +swimming crew are scattered about the whale in contrasting expressions +of affright; while in the black stormy distance the ship is bearing +down upon the scene. Serious fault might be found with the anatomical +details of this whale, but let that pass; since, for the life of me, I +could not draw so good a one. + +In the second engraving, the boat is in the act of drawing alongside +the barnacled flank of a large running Right Whale, that rolls his +black weedy bulk in the sea like some mossy rock-slide from the +Patagonian cliffs. His jets are erect, full, and black like soot; so +that from so abounding a smoke in the chimney, you would think there +must be a brave supper cooking in the great bowels below. Sea fowls are +pecking at the small crabs, shell-fish, and other sea candies and +maccaroni, which the Right Whale sometimes carries on his pestilent +back. And all the while the thick-lipped leviathan is rushing through +the deep, leaving tons of tumultuous white curds in his wake, and +causing the slight boat to rock in the swells like a skiff caught nigh +the paddle-wheels of an ocean steamer. Thus, the foreground is all +raging commotion; but behind, in admirable artistic contrast, is the +glassy level of a sea becalmed, the drooping unstarched sails of the +powerless ship, and the inert mass of a dead whale, a conquered +fortress, with the flag of capture lazily hanging from the whale-pole +inserted into his spout-hole. + +Who Garnery the painter is, or was, I know not. But my life for it he +was either practically conversant with his subject, or else +marvellously tutored by some experienced whaleman. The French are the +lads for painting action. Go and gaze upon all the paintings of Europe, +and where will you find such a gallery of living and breathing +commotion on canvas, as in that triumphal hall at Versailles; where the +beholder fights his way, pell-mell, through the consecutive great +battles of France; where every sword seems a flash of the Northern +Lights, and the successive armed kings and Emperors dash by, like a +charge of crowned centaurs? Not wholly unworthy of a place in that +gallery, are these sea battle-pieces of Garnery. + +The natural aptitude of the French for seizing the picturesqueness of +things seems to be peculiarly evinced in what paintings and engravings +they have of their whaling scenes. With not one tenth of England’s +experience in the fishery, and not the thousandth part of that of the +Americans, they have nevertheless furnished both nations with the only +finished sketches at all capable of conveying the real spirit of the +whale hunt. For the most part, the English and American whale +draughtsmen seem entirely content with presenting the mechanical +outline of things, such as the vacant profile of the whale; which, so +far as picturesqueness of effect is concerned, is about tantamount to +sketching the profile of a pyramid. Even Scoresby, the justly renowned +Right whaleman, after giving us a stiff full length of the Greenland +whale, and three or four delicate miniatures of narwhales and +porpoises, treats us to a series of classical engravings of boat hooks, +chopping knives, and grapnels; and with the microscopic diligence of a +Leuwenhoeck submits to the inspection of a shivering world ninety-six +fac-similes of magnified Arctic snow crystals. I mean no disparagement +to the excellent voyager (I honor him for a veteran), but in so +important a matter it was certainly an oversight not to have procured +for every crystal a sworn affidavit taken before a Greenland Justice of +the Peace. + +In addition to those fine engravings from Garnery, there are two other +French engravings worthy of note, by some one who subscribes himself +“H. Durand.” One of them, though not precisely adapted to our present +purpose, nevertheless deserves mention on other accounts. It is a quiet +noon-scene among the isles of the Pacific; a French whaler anchored, +inshore, in a calm, and lazily taking water on board; the loosened +sails of the ship, and the long leaves of the palms in the background, +both drooping together in the breezeless air. The effect is very fine, +when considered with reference to its presenting the hardy fishermen +under one of their few aspects of oriental repose. The other engraving +is quite a different affair: the ship hove-to upon the open sea, and in +the very heart of the Leviathanic life, with a Right Whale alongside; +the vessel (in the act of cutting-in) hove over to the monster as if to +a quay; and a boat, hurriedly pushing off from this scene of activity, +is about giving chase to whales in the distance. The harpoons and +lances lie levelled for use; three oarsmen are just setting the mast in +its hole; while from a sudden roll of the sea, the little craft stands +half-erect out of the water, like a rearing horse. From the ship, the +smoke of the torments of the boiling whale is going up like the smoke +over a village of smithies; and to windward, a black cloud, rising up +with earnest of squalls and rains, seems to quicken the activity of the +excited seamen. + + +CHAPTER 57. Of Whales in Paint; in Teeth; in Wood; in Sheet-Iron; in +Stone; in Mountains; in Stars. + +On Tower-hill, as you go down to the London docks, you may have seen a +crippled beggar (or _kedger_, as the sailors say) holding a painted +board before him, representing the tragic scene in which he lost his +leg. There are three whales and three boats; and one of the boats +(presumed to contain the missing leg in all its original integrity) is +being crunched by the jaws of the foremost whale. Any time these ten +years, they tell me, has that man held up that picture, and exhibited +that stump to an incredulous world. But the time of his justification +has now come. His three whales are as good whales as were ever +published in Wapping, at any rate; and his stump as unquestionable a +stump as any you will find in the western clearings. But, though for +ever mounted on that stump, never a stump-speech does the poor whaleman +make; but, with downcast eyes, stands ruefully contemplating his own +amputation. + +Throughout the Pacific, and also in Nantucket, and New Bedford, and Sag +Harbor, you will come across lively sketches of whales and +whaling-scenes, graven by the fishermen themselves on Sperm +Whale-teeth, or ladies’ busks wrought out of the Right Whale-bone, and +other like skrimshander articles, as the whalemen call the numerous +little ingenious contrivances they elaborately carve out of the rough +material, in their hours of ocean leisure. Some of them have little +boxes of dentistical-looking implements, specially intended for the +skrimshandering business. But, in general, they toil with their +jack-knives alone; and, with that almost omnipotent tool of the sailor, +they will turn you out anything you please, in the way of a mariner’s +fancy. + +Long exile from Christendom and civilization inevitably restores a man +to that condition in which God placed him, _i.e._ what is called +savagery. Your true whale-hunter is as much a savage as an Iroquois. I +myself am a savage, owning no allegiance but to the King of the +Cannibals; and ready at any moment to rebel against him. + +Now, one of the peculiar characteristics of the savage in his domestic +hours, is his wonderful patience of industry. An ancient Hawaiian +war-club or spear-paddle, in its full multiplicity and elaboration of +carving, is as great a trophy of human perseverance as a Latin lexicon. +For, with but a bit of broken sea-shell or a shark’s tooth, that +miraculous intricacy of wooden net-work has been achieved; and it has +cost steady years of steady application. + +As with the Hawaiian savage, so with the white sailor-savage. With the +same marvellous patience, and with the same single shark’s tooth, of +his one poor jack-knife, he will carve you a bit of bone sculpture, not +quite as workmanlike, but as close packed in its maziness of design, as +the Greek savage, Achilles’s shield; and full of barbaric spirit and +suggestiveness, as the prints of that fine old Dutch savage, Albert +Durer. + +Wooden whales, or whales cut in profile out of the small dark slabs of +the noble South Sea war-wood, are frequently met with in the +forecastles of American whalers. Some of them are done with much +accuracy. + +At some old gable-roofed country houses you will see brass whales hung +by the tail for knockers to the road-side door. When the porter is +sleepy, the anvil-headed whale would be best. But these knocking whales +are seldom remarkable as faithful essays. On the spires of some +old-fashioned churches you will see sheet-iron whales placed there for +weather-cocks; but they are so elevated, and besides that are to all +intents and purposes so labelled with “_Hands off!_” you cannot examine +them closely enough to decide upon their merit. + +In bony, ribby regions of the earth, where at the base of high broken +cliffs masses of rock lie strewn in fantastic groupings upon the plain, +you will often discover images as of the petrified forms of the +Leviathan partly merged in grass, which of a windy day breaks against +them in a surf of green surges. + +Then, again, in mountainous countries where the traveller is +continually girdled by amphitheatrical heights; here and there from +some lucky point of view you will catch passing glimpses of the +profiles of whales defined along the undulating ridges. But you must be +a thorough whaleman, to see these sights; and not only that, but if you +wish to return to such a sight again, you must be sure and take the +exact intersecting latitude and longitude of your first stand-point, +else so chance-like are such observations of the hills, that your +precise, previous stand-point would require a laborious re-discovery; +like the Soloma Islands, which still remain incognita, though once +high-ruffed Mendanna trod them and old Figuera chronicled them. + +Nor when expandingly lifted by your subject, can you fail to trace out +great whales in the starry heavens, and boats in pursuit of them; as +when long filled with thoughts of war the Eastern nations saw armies +locked in battle among the clouds. Thus at the North have I chased +Leviathan round and round the Pole with the revolutions of the bright +points that first defined him to me. And beneath the effulgent +Antarctic skies I have boarded the Argo-Navis, and joined the chase +against the starry Cetus far beyond the utmost stretch of Hydrus and +the Flying Fish. + +With a frigate’s anchors for my bridle-bitts and fasces of harpoons for +spurs, would I could mount that whale and leap the topmost skies, to +see whether the fabled heavens with all their countless tents really +lie encamped beyond my mortal sight! + + +CHAPTER 58. Brit. + +Steering north-eastward from the Crozetts, we fell in with vast meadows +of brit, the minute, yellow substance, upon which the Right Whale +largely feeds. For leagues and leagues it undulated round us, so that +we seemed to be sailing through boundless fields of ripe and golden +wheat. + +On the second day, numbers of Right Whales were seen, who, secure from +the attack of a Sperm Whaler like the Pequod, with open jaws sluggishly +swam through the brit, which, adhering to the fringing fibres of that +wondrous Venetian blind in their mouths, was in that manner separated +from the water that escaped at the lip. + +As morning mowers, who side by side slowly and seethingly advance their +scythes through the long wet grass of marshy meads; even so these +monsters swam, making a strange, grassy, cutting sound; and leaving +behind them endless swaths of blue upon the yellow sea.* + +*That part of the sea known among whalemen as the “Brazil Banks” does +not bear that name as the Banks of Newfoundland do, because of there +being shallows and soundings there, but because of this remarkable +meadow-like appearance, caused by the vast drifts of brit continually +floating in those latitudes, where the Right Whale is often chased. + +But it was only the sound they made as they parted the brit which at +all reminded one of mowers. Seen from the mast-heads, especially when +they paused and were stationary for a while, their vast black forms +looked more like lifeless masses of rock than anything else. And as in +the great hunting countries of India, the stranger at a distance will +sometimes pass on the plains recumbent elephants without knowing them +to be such, taking them for bare, blackened elevations of the soil; +even so, often, with him, who for the first time beholds this species +of the leviathans of the sea. And even when recognised at last, their +immense magnitude renders it very hard really to believe that such +bulky masses of overgrowth can possibly be instinct, in all parts, with +the same sort of life that lives in a dog or a horse. + +Indeed, in other respects, you can hardly regard any creatures of the +deep with the same feelings that you do those of the shore. For though +some old naturalists have maintained that all creatures of the land are +of their kind in the sea; and though taking a broad general view of the +thing, this may very well be; yet coming to specialties, where, for +example, does the ocean furnish any fish that in disposition answers to +the sagacious kindness of the dog? The accursed shark alone can in any +generic respect be said to bear comparative analogy to him. + +But though, to landsmen in general, the native inhabitants of the seas +have ever been regarded with emotions unspeakably unsocial and +repelling; though we know the sea to be an everlasting terra incognita, +so that Columbus sailed over numberless unknown worlds to discover his +one superficial western one; though, by vast odds, the most terrific of +all mortal disasters have immemorially and indiscriminately befallen +tens and hundreds of thousands of those who have gone upon the waters; +though but a moment’s consideration will teach, that however baby man +may brag of his science and skill, and however much, in a flattering +future, that science and skill may augment; yet for ever and for ever, +to the crack of doom, the sea will insult and murder him, and pulverize +the stateliest, stiffest frigate he can make; nevertheless, by the +continual repetition of these very impressions, man has lost that sense +of the full awfulness of the sea which aboriginally belongs to it. + +The first boat we read of, floated on an ocean, that with Portuguese +vengeance had whelmed a whole world without leaving so much as a widow. +That same ocean rolls now; that same ocean destroyed the wrecked ships +of last year. Yea, foolish mortals, Noah’s flood is not yet subsided; +two thirds of the fair world it yet covers. + +Wherein differ the sea and the land, that a miracle upon one is not a +miracle upon the other? Preternatural terrors rested upon the Hebrews, +when under the feet of Korah and his company the live ground opened and +swallowed them up for ever; yet not a modern sun ever sets, but in +precisely the same manner the live sea swallows up ships and crews. + +But not only is the sea such a foe to man who is an alien to it, but it +is also a fiend to its own off-spring; worse than the Persian host who +murdered his own guests; sparing not the creatures which itself hath +spawned. Like a savage tigress that tossing in the jungle overlays her +own cubs, so the sea dashes even the mightiest whales against the +rocks, and leaves them there side by side with the split wrecks of +ships. No mercy, no power but its own controls it. Panting and snorting +like a mad battle steed that has lost its rider, the masterless ocean +overruns the globe. + +Consider the subtleness of the sea; how its most dreaded creatures +glide under water, unapparent for the most part, and treacherously +hidden beneath the loveliest tints of azure. Consider also the devilish +brilliance and beauty of many of its most remorseless tribes, as the +dainty embellished shape of many species of sharks. Consider, once +more, the universal cannibalism of the sea; all whose creatures prey +upon each other, carrying on eternal war since the world began. + +Consider all this; and then turn to this green, gentle, and most docile +earth; consider them both, the sea and the land; and do you not find a +strange analogy to something in yourself? For as this appalling ocean +surrounds the verdant land, so in the soul of man there lies one +insular Tahiti, full of peace and joy, but encompassed by all the +horrors of the half known life. God keep thee! Push not off from that +isle, thou canst never return! + + +CHAPTER 59. Squid. + +Slowly wading through the meadows of brit, the Pequod still held on her +way north-eastward towards the island of Java; a gentle air impelling +her keel, so that in the surrounding serenity her three tall tapering +masts mildly waved to that languid breeze, as three mild palms on a +plain. And still, at wide intervals in the silvery night, the lonely, +alluring jet would be seen. + +But one transparent blue morning, when a stillness almost preternatural +spread over the sea, however unattended with any stagnant calm; when +the long burnished sun-glade on the waters seemed a golden finger laid +across them, enjoining some secrecy; when the slippered waves whispered +together as they softly ran on; in this profound hush of the visible +sphere a strange spectre was seen by Daggoo from the main-mast-head. + +In the distance, a great white mass lazily rose, and rising higher and +higher, and disentangling itself from the azure, at last gleamed before +our prow like a snow-slide, new slid from the hills. Thus glistening +for a moment, as slowly it subsided, and sank. Then once more arose, +and silently gleamed. It seemed not a whale; and yet is this Moby Dick? +thought Daggoo. Again the phantom went down, but on re-appearing once +more, with a stiletto-like cry that startled every man from his nod, +the negro yelled out—“There! there again! there she breaches! right +ahead! The White Whale, the White Whale!” + +Upon this, the seamen rushed to the yard-arms, as in swarming-time the +bees rush to the boughs. Bare-headed in the sultry sun, Ahab stood on +the bowsprit, and with one hand pushed far behind in readiness to wave +his orders to the helmsman, cast his eager glance in the direction +indicated aloft by the outstretched motionless arm of Daggoo. + +Whether the flitting attendance of the one still and solitary jet had +gradually worked upon Ahab, so that he was now prepared to connect the +ideas of mildness and repose with the first sight of the particular +whale he pursued; however this was, or whether his eagerness betrayed +him; whichever way it might have been, no sooner did he distinctly +perceive the white mass, than with a quick intensity he instantly gave +orders for lowering. + +The four boats were soon on the water; Ahab’s in advance, and all +swiftly pulling towards their prey. Soon it went down, and while, with +oars suspended, we were awaiting its reappearance, lo! in the same spot +where it sank, once more it slowly rose. Almost forgetting for the +moment all thoughts of Moby Dick, we now gazed at the most wondrous +phenomenon which the secret seas have hitherto revealed to mankind. A +vast pulpy mass, furlongs in length and breadth, of a glancing +cream-colour, lay floating on the water, innumerable long arms +radiating from its centre, and curling and twisting like a nest of +anacondas, as if blindly to clutch at any hapless object within reach. +No perceptible face or front did it have; no conceivable token of +either sensation or instinct; but undulated there on the billows, an +unearthly, formless, chance-like apparition of life. + +As with a low sucking sound it slowly disappeared again, Starbuck still +gazing at the agitated waters where it had sunk, with a wild voice +exclaimed—“Almost rather had I seen Moby Dick and fought him, than to +have seen thee, thou white ghost!” + +“What was it, Sir?” said Flask. + +“The great live squid, which, they say, few whale-ships ever beheld, +and returned to their ports to tell of it.” + +But Ahab said nothing; turning his boat, he sailed back to the vessel; +the rest as silently following. + +Whatever superstitions the sperm whalemen in general have connected +with the sight of this object, certain it is, that a glimpse of it +being so very unusual, that circumstance has gone far to invest it with +portentousness. So rarely is it beheld, that though one and all of them +declare it to be the largest animated thing in the ocean, yet very few +of them have any but the most vague ideas concerning its true nature +and form; notwithstanding, they believe it to furnish to the sperm +whale his only food. For though other species of whales find their food +above water, and may be seen by man in the act of feeding, the +spermaceti whale obtains his whole food in unknown zones below the +surface; and only by inference is it that any one can tell of what, +precisely, that food consists. At times, when closely pursued, he will +disgorge what are supposed to be the detached arms of the squid; some +of them thus exhibited exceeding twenty and thirty feet in length. They +fancy that the monster to which these arms belonged ordinarily clings +by them to the bed of the ocean; and that the sperm whale, unlike other +species, is supplied with teeth in order to attack and tear it. + +There seems some ground to imagine that the great Kraken of Bishop +Pontoppodan may ultimately resolve itself into Squid. The manner in +which the Bishop describes it, as alternately rising and sinking, with +some other particulars he narrates, in all this the two correspond. But +much abatement is necessary with respect to the incredible bulk he +assigns it. + +By some naturalists who have vaguely heard rumors of the mysterious +creature, here spoken of, it is included among the class of +cuttle-fish, to which, indeed, in certain external respects it would +seem to belong, but only as the Anak of the tribe. + + +CHAPTER 60. The Line. + +With reference to the whaling scene shortly to be described, as well as +for the better understanding of all similar scenes elsewhere presented, +I have here to speak of the magical, sometimes horrible whale-line. + +The line originally used in the fishery was of the best hemp, slightly +vapored with tar, not impregnated with it, as in the case of ordinary +ropes; for while tar, as ordinarily used, makes the hemp more pliable +to the rope-maker, and also renders the rope itself more convenient to +the sailor for common ship use; yet, not only would the ordinary +quantity too much stiffen the whale-line for the close coiling to which +it must be subjected; but as most seamen are beginning to learn, tar in +general by no means adds to the rope’s durability or strength, however +much it may give it compactness and gloss. + +Of late years the Manilla rope has in the American fishery almost +entirely superseded hemp as a material for whale-lines; for, though not +so durable as hemp, it is stronger, and far more soft and elastic; and +I will add (since there is an æsthetics in all things), is much more +handsome and becoming to the boat, than hemp. Hemp is a dusky, dark +fellow, a sort of Indian; but Manilla is as a golden-haired Circassian +to behold. + +The whale-line is only two-thirds of an inch in thickness. At first +sight, you would not think it so strong as it really is. By experiment +its one and fifty yarns will each suspend a weight of one hundred and +twenty pounds; so that the whole rope will bear a strain nearly equal +to three tons. In length, the common sperm whale-line measures +something over two hundred fathoms. Towards the stern of the boat it is +spirally coiled away in the tub, not like the worm-pipe of a still +though, but so as to form one round, cheese-shaped mass of densely +bedded “sheaves,” or layers of concentric spiralizations, without any +hollow but the “heart,” or minute vertical tube formed at the axis of +the cheese. As the least tangle or kink in the coiling would, in +running out, infallibly take somebody’s arm, leg, or entire body off, +the utmost precaution is used in stowing the line in its tub. Some +harpooneers will consume almost an entire morning in this business, +carrying the line high aloft and then reeving it downwards through a +block towards the tub, so as in the act of coiling to free it from all +possible wrinkles and twists. + +In the English boats two tubs are used instead of one; the same line +being continuously coiled in both tubs. There is some advantage in +this; because these twin-tubs being so small they fit more readily into +the boat, and do not strain it so much; whereas, the American tub, +nearly three feet in diameter and of proportionate depth, makes a +rather bulky freight for a craft whose planks are but one half-inch in +thickness; for the bottom of the whale-boat is like critical ice, which +will bear up a considerable distributed weight, but not very much of a +concentrated one. When the painted canvas cover is clapped on the +American line-tub, the boat looks as if it were pulling off with a +prodigious great wedding-cake to present to the whales. + +Both ends of the line are exposed; the lower end terminating in an +eye-splice or loop coming up from the bottom against the side of the +tub, and hanging over its edge completely disengaged from everything. +This arrangement of the lower end is necessary on two accounts. First: +In order to facilitate the fastening to it of an additional line from a +neighboring boat, in case the stricken whale should sound so deep as to +threaten to carry off the entire line originally attached to the +harpoon. In these instances, the whale of course is shifted like a mug +of ale, as it were, from the one boat to the other; though the first +boat always hovers at hand to assist its consort. Second: This +arrangement is indispensable for common safety’s sake; for were the +lower end of the line in any way attached to the boat, and were the +whale then to run the line out to the end almost in a single, smoking +minute as he sometimes does, he would not stop there, for the doomed +boat would infallibly be dragged down after him into the profundity of +the sea; and in that case no town-crier would ever find her again. + +Before lowering the boat for the chase, the upper end of the line is +taken aft from the tub, and passing round the loggerhead there, is +again carried forward the entire length of the boat, resting crosswise +upon the loom or handle of every man’s oar, so that it jogs against his +wrist in rowing; and also passing between the men, as they alternately +sit at the opposite gunwales, to the leaded chocks or grooves in the +extreme pointed prow of the boat, where a wooden pin or skewer the size +of a common quill, prevents it from slipping out. From the chocks it +hangs in a slight festoon over the bows, and is then passed inside the +boat again; and some ten or twenty fathoms (called box-line) being +coiled upon the box in the bows, it continues its way to the gunwale +still a little further aft, and is then attached to the short-warp—the +rope which is immediately connected with the harpoon; but previous to +that connexion, the short-warp goes through sundry mystifications too +tedious to detail. + +Thus the whale-line folds the whole boat in its complicated coils, +twisting and writhing around it in almost every direction. All the +oarsmen are involved in its perilous contortions; so that to the timid +eye of the landsman, they seem as Indian jugglers, with the deadliest +snakes sportively festooning their limbs. Nor can any son of mortal +woman, for the first time, seat himself amid those hempen intricacies, +and while straining his utmost at the oar, bethink him that at any +unknown instant the harpoon may be darted, and all these horrible +contortions be put in play like ringed lightnings; he cannot be thus +circumstanced without a shudder that makes the very marrow in his bones +to quiver in him like a shaken jelly. Yet habit—strange thing! what +cannot habit accomplish?—Gayer sallies, more merry mirth, better jokes, +and brighter repartees, you never heard over your mahogany, than you +will hear over the half-inch white cedar of the whale-boat, when thus +hung in hangman’s nooses; and, like the six burghers of Calais before +King Edward, the six men composing the crew pull into the jaws of +death, with a halter around every neck, as you may say. + +Perhaps a very little thought will now enable you to account for those +repeated whaling disasters—some few of which are casually chronicled—of +this man or that man being taken out of the boat by the line, and lost. +For, when the line is darting out, to be seated then in the boat, is +like being seated in the midst of the manifold whizzings of a +steam-engine in full play, when every flying beam, and shaft, and +wheel, is grazing you. It is worse; for you cannot sit motionless in +the heart of these perils, because the boat is rocking like a cradle, +and you are pitched one way and the other, without the slightest +warning; and only by a certain self-adjusting buoyancy and +simultaneousness of volition and action, can you escape being made a +Mazeppa of, and run away with where the all-seeing sun himself could +never pierce you out. + +Again: as the profound calm which only apparently precedes and +prophesies of the storm, is perhaps more awful than the storm itself; +for, indeed, the calm is but the wrapper and envelope of the storm; and +contains it in itself, as the seemingly harmless rifle holds the fatal +powder, and the ball, and the explosion; so the graceful repose of the +line, as it silently serpentines about the oarsmen before being brought +into actual play—this is a thing which carries more of true terror than +any other aspect of this dangerous affair. But why say more? All men +live enveloped in whale-lines. All are born with halters round their +necks; but it is only when caught in the swift, sudden turn of death, +that mortals realize the silent, subtle, ever-present perils of life. +And if you be a philosopher, though seated in the whale-boat, you would +not at heart feel one whit more of terror, than though seated before +your evening fire with a poker, and not a harpoon, by your side. + + +CHAPTER 61. Stubb Kills a Whale. + +If to Starbuck the apparition of the Squid was a thing of portents, to +Queequeg it was quite a different object. + +“When you see him ’quid,” said the savage, honing his harpoon in the +bow of his hoisted boat, “then you quick see him ’parm whale.” + +The next day was exceedingly still and sultry, and with nothing special +to engage them, the Pequod’s crew could hardly resist the spell of +sleep induced by such a vacant sea. For this part of the Indian Ocean +through which we then were voyaging is not what whalemen call a lively +ground; that is, it affords fewer glimpses of porpoises, dolphins, +flying-fish, and other vivacious denizens of more stirring waters, than +those off the Rio de la Plata, or the in-shore ground off Peru. + +It was my turn to stand at the foremast-head; and with my shoulders +leaning against the slackened royal shrouds, to and fro I idly swayed +in what seemed an enchanted air. No resolution could withstand it; in +that dreamy mood losing all consciousness, at last my soul went out of +my body; though my body still continued to sway as a pendulum will, +long after the power which first moved it is withdrawn. + +Ere forgetfulness altogether came over me, I had noticed that the +seamen at the main and mizzen-mast-heads were already drowsy. So that +at last all three of us lifelessly swung from the spars, and for every +swing that we made there was a nod from below from the slumbering +helmsman. The waves, too, nodded their indolent crests; and across the +wide trance of the sea, east nodded to west, and the sun over all. + +Suddenly bubbles seemed bursting beneath my closed eyes; like vices my +hands grasped the shrouds; some invisible, gracious agency preserved +me; with a shock I came back to life. And lo! close under our lee, not +forty fathoms off, a gigantic Sperm Whale lay rolling in the water like +the capsized hull of a frigate, his broad, glossy back, of an Ethiopian +hue, glistening in the sun’s rays like a mirror. But lazily undulating +in the trough of the sea, and ever and anon tranquilly spouting his +vapory jet, the whale looked like a portly burgher smoking his pipe of +a warm afternoon. But that pipe, poor whale, was thy last. As if struck +by some enchanter’s wand, the sleepy ship and every sleeper in it all +at once started into wakefulness; and more than a score of voices from +all parts of the vessel, simultaneously with the three notes from +aloft, shouted forth the accustomed cry, as the great fish slowly and +regularly spouted the sparkling brine into the air. + +“Clear away the boats! Luff!” cried Ahab. And obeying his own order, he +dashed the helm down before the helmsman could handle the spokes. + +The sudden exclamations of the crew must have alarmed the whale; and +ere the boats were down, majestically turning, he swam away to the +leeward, but with such a steady tranquillity, and making so few ripples +as he swam, that thinking after all he might not as yet be alarmed, +Ahab gave orders that not an oar should be used, and no man must speak +but in whispers. So seated like Ontario Indians on the gunwales of the +boats, we swiftly but silently paddled along; the calm not admitting of +the noiseless sails being set. Presently, as we thus glided in chase, +the monster perpendicularly flitted his tail forty feet into the air, +and then sank out of sight like a tower swallowed up. + +“There go flukes!” was the cry, an announcement immediately followed by +Stubb’s producing his match and igniting his pipe, for now a respite +was granted. After the full interval of his sounding had elapsed, the +whale rose again, and being now in advance of the smoker’s boat, and +much nearer to it than to any of the others, Stubb counted upon the +honor of the capture. It was obvious, now, that the whale had at length +become aware of his pursuers. All silence of cautiousness was therefore +no longer of use. Paddles were dropped, and oars came loudly into play. +And still puffing at his pipe, Stubb cheered on his crew to the +assault. + +Yes, a mighty change had come over the fish. All alive to his jeopardy, +he was going “head out”; that part obliquely projecting from the mad +yeast which he brewed.* + +*It will be seen in some other place of what a very light substance the +entire interior of the sperm whale’s enormous head consists. Though +apparently the most massive, it is by far the most buoyant part about +him. So that with ease he elevates it in the air, and invariably does +so when going at his utmost speed. Besides, such is the breadth of the +upper part of the front of his head, and such the tapering cut-water +formation of the lower part, that by obliquely elevating his head, he +thereby may be said to transform himself from a bluff-bowed sluggish +galliot into a sharppointed New York pilot-boat. + +“Start her, start her, my men! Don’t hurry yourselves; take plenty of +time—but start her; start her like thunder-claps, that’s all,” cried +Stubb, spluttering out the smoke as he spoke. “Start her, now; give ’em +the long and strong stroke, Tashtego. Start her, Tash, my boy—start +her, all; but keep cool, keep cool—cucumbers is the word—easy, +easy—only start her like grim death and grinning devils, and raise the +buried dead perpendicular out of their graves, boys—that’s all. Start +her!” + +“Woo-hoo! Wa-hee!” screamed the Gay-Header in reply, raising some old +war-whoop to the skies; as every oarsman in the strained boat +involuntarily bounced forward with the one tremendous leading stroke +which the eager Indian gave. + +But his wild screams were answered by others quite as wild. “Kee-hee! +Kee-hee!” yelled Daggoo, straining forwards and backwards on his seat, +like a pacing tiger in his cage. + +“Ka-la! Koo-loo!” howled Queequeg, as if smacking his lips over a +mouthful of Grenadier’s steak. And thus with oars and yells the keels +cut the sea. Meanwhile, Stubb retaining his place in the van, still +encouraged his men to the onset, all the while puffing the smoke from +his mouth. Like desperadoes they tugged and they strained, till the +welcome cry was heard—“Stand up, Tashtego!—give it to him!” The harpoon +was hurled. “Stern all!” The oarsmen backed water; the same moment +something went hot and hissing along every one of their wrists. It was +the magical line. An instant before, Stubb had swiftly caught two +additional turns with it round the loggerhead, whence, by reason of its +increased rapid circlings, a hempen blue smoke now jetted up and +mingled with the steady fumes from his pipe. As the line passed round +and round the loggerhead; so also, just before reaching that point, it +blisteringly passed through and through both of Stubb’s hands, from +which the hand-cloths, or squares of quilted canvas sometimes worn at +these times, had accidentally dropped. It was like holding an enemy’s +sharp two-edged sword by the blade, and that enemy all the time +striving to wrest it out of your clutch. + +“Wet the line! wet the line!” cried Stubb to the tub oarsman (him +seated by the tub) who, snatching off his hat, dashed sea-water into +it.* More turns were taken, so that the line began holding its place. +The boat now flew through the boiling water like a shark all fins. +Stubb and Tashtego here changed places—stem for stern—a staggering +business truly in that rocking commotion. + +*Partly to show the indispensableness of this act, it may here be +stated, that, in the old Dutch fishery, a mop was used to dash the +running line with water; in many other ships, a wooden piggin, or +bailer, is set apart for that purpose. Your hat, however, is the most +convenient. + +From the vibrating line extending the entire length of the upper part +of the boat, and from its now being more tight than a harpstring, you +would have thought the craft had two keels—one cleaving the water, the +other the air—as the boat churned on through both opposing elements at +once. A continual cascade played at the bows; a ceaseless whirling eddy +in her wake; and, at the slightest motion from within, even but of a +little finger, the vibrating, cracking craft canted over her spasmodic +gunwale into the sea. Thus they rushed; each man with might and main +clinging to his seat, to prevent being tossed to the foam; and the tall +form of Tashtego at the steering oar crouching almost double, in order +to bring down his centre of gravity. Whole Atlantics and Pacifics +seemed passed as they shot on their way, till at length the whale +somewhat slackened his flight. + +“Haul in—haul in!” cried Stubb to the bowsman! and, facing round +towards the whale, all hands began pulling the boat up to him, while +yet the boat was being towed on. Soon ranging up by his flank, Stubb, +firmly planting his knee in the clumsy cleat, darted dart after dart +into the flying fish; at the word of command, the boat alternately +sterning out of the way of the whale’s horrible wallow, and then +ranging up for another fling. + +The red tide now poured from all sides of the monster like brooks down +a hill. His tormented body rolled not in brine but in blood, which +bubbled and seethed for furlongs behind in their wake. The slanting sun +playing upon this crimson pond in the sea, sent back its reflection +into every face, so that they all glowed to each other like red men. +And all the while, jet after jet of white smoke was agonizingly shot +from the spiracle of the whale, and vehement puff after puff from the +mouth of the excited headsman; as at every dart, hauling in upon his +crooked lance (by the line attached to it), Stubb straightened it again +and again, by a few rapid blows against the gunwale, then again and +again sent it into the whale. + +“Pull up—pull up!” he now cried to the bowsman, as the waning whale +relaxed in his wrath. “Pull up!—close to!” and the boat ranged along +the fish’s flank. When reaching far over the bow, Stubb slowly churned +his long sharp lance into the fish, and kept it there, carefully +churning and churning, as if cautiously seeking to feel after some gold +watch that the whale might have swallowed, and which he was fearful of +breaking ere he could hook it out. But that gold watch he sought was +the innermost life of the fish. And now it is struck; for, starting +from his trance into that unspeakable thing called his “flurry,” the +monster horribly wallowed in his blood, overwrapped himself in +impenetrable, mad, boiling spray, so that the imperilled craft, +instantly dropping astern, had much ado blindly to struggle out from +that phrensied twilight into the clear air of the day. + +And now abating in his flurry, the whale once more rolled out into +view; surging from side to side; spasmodically dilating and contracting +his spout-hole, with sharp, cracking, agonized respirations. At last, +gush after gush of clotted red gore, as if it had been the purple lees +of red wine, shot into the frighted air; and falling back again, ran +dripping down his motionless flanks into the sea. His heart had burst! + +“He’s dead, Mr. Stubb,” said Daggoo. + +“Yes; both pipes smoked out!” and withdrawing his own from his mouth, +Stubb scattered the dead ashes over the water; and, for a moment, stood +thoughtfully eyeing the vast corpse he had made. + + +CHAPTER 62. The Dart. + +A word concerning an incident in the last chapter. + +According to the invariable usage of the fishery, the whale-boat pushes +off from the ship, with the headsman or whale-killer as temporary +steersman, and the harpooneer or whale-fastener pulling the foremost +oar, the one known as the harpooneer-oar. Now it needs a strong, +nervous arm to strike the first iron into the fish; for often, in what +is called a long dart, the heavy implement has to be flung to the +distance of twenty or thirty feet. But however prolonged and exhausting +the chase, the harpooneer is expected to pull his oar meanwhile to the +uttermost; indeed, he is expected to set an example of superhuman +activity to the rest, not only by incredible rowing, but by repeated +loud and intrepid exclamations; and what it is to keep shouting at the +top of one’s compass, while all the other muscles are strained and half +started—what that is none know but those who have tried it. For one, I +cannot bawl very heartily and work very recklessly at one and the same +time. In this straining, bawling state, then, with his back to the +fish, all at once the exhausted harpooneer hears the exciting +cry—“Stand up, and give it to him!” He now has to drop and secure his +oar, turn round on his centre half way, seize his harpoon from the +crotch, and with what little strength may remain, he essays to pitch it +somehow into the whale. No wonder, taking the whole fleet of whalemen +in a body, that out of fifty fair chances for a dart, not five are +successful; no wonder that so many hapless harpooneers are madly cursed +and disrated; no wonder that some of them actually burst their +blood-vessels in the boat; no wonder that some sperm whalemen are +absent four years with four barrels; no wonder that to many ship +owners, whaling is but a losing concern; for it is the harpooneer that +makes the voyage, and if you take the breath out of his body how can +you expect to find it there when most wanted! + +Again, if the dart be successful, then at the second critical instant, +that is, when the whale starts to run, the boatheader and harpooneer +likewise start to running fore and aft, to the imminent jeopardy of +themselves and every one else. It is then they change places; and the +headsman, the chief officer of the little craft, takes his proper +station in the bows of the boat. + +Now, I care not who maintains the contrary, but all this is both +foolish and unnecessary. The headsman should stay in the bows from +first to last; he should both dart the harpoon and the lance, and no +rowing whatever should be expected of him, except under circumstances +obvious to any fisherman. I know that this would sometimes involve a +slight loss of speed in the chase; but long experience in various +whalemen of more than one nation has convinced me that in the vast +majority of failures in the fishery, it has not by any means been so +much the speed of the whale as the before described exhaustion of the +harpooneer that has caused them. + +To insure the greatest efficiency in the dart, the harpooneers of this +world must start to their feet from out of idleness, and not from out +of toil. + + +CHAPTER 63. The Crotch. + +Out of the trunk, the branches grow; out of them, the twigs. So, in +productive subjects, grow the chapters. + +The crotch alluded to on a previous page deserves independent mention. +It is a notched stick of a peculiar form, some two feet in length, +which is perpendicularly inserted into the starboard gunwale near the +bow, for the purpose of furnishing a rest for the wooden extremity of +the harpoon, whose other naked, barbed end slopingly projects from the +prow. Thereby the weapon is instantly at hand to its hurler, who +snatches it up as readily from its rest as a backwoodsman swings his +rifle from the wall. It is customary to have two harpoons reposing in +the crotch, respectively called the first and second irons. + +But these two harpoons, each by its own cord, are both connected with +the line; the object being this: to dart them both, if possible, one +instantly after the other into the same whale; so that if, in the +coming drag, one should draw out, the other may still retain a hold. It +is a doubling of the chances. But it very often happens that owing to +the instantaneous, violent, convulsive running of the whale upon +receiving the first iron, it becomes impossible for the harpooneer, +however lightning-like in his movements, to pitch the second iron into +him. Nevertheless, as the second iron is already connected with the +line, and the line is running, hence that weapon must, at all events, +be anticipatingly tossed out of the boat, somehow and somewhere; else +the most terrible jeopardy would involve all hands. Tumbled into the +water, it accordingly is in such cases; the spare coils of box line +(mentioned in a preceding chapter) making this feat, in most instances, +prudently practicable. But this critical act is not always unattended +with the saddest and most fatal casualties. + +Furthermore: you must know that when the second iron is thrown +overboard, it thenceforth becomes a dangling, sharp-edged terror, +skittishly curvetting about both boat and whale, entangling the lines, +or cutting them, and making a prodigious sensation in all directions. +Nor, in general, is it possible to secure it again until the whale is +fairly captured and a corpse. + +Consider, now, how it must be in the case of four boats all engaging +one unusually strong, active, and knowing whale; when owing to these +qualities in him, as well as to the thousand concurring accidents of +such an audacious enterprise, eight or ten loose second irons may be +simultaneously dangling about him. For, of course, each boat is +supplied with several harpoons to bend on to the line should the first +one be ineffectually darted without recovery. All these particulars are +faithfully narrated here, as they will not fail to elucidate several +most important, however intricate passages, in scenes hereafter to be +painted. + + +CHAPTER 64. Stubb’s Supper. + +Stubb’s whale had been killed some distance from the ship. It was a +calm; so, forming a tandem of three boats, we commenced the slow +business of towing the trophy to the Pequod. And now, as we eighteen +men with our thirty-six arms, and one hundred and eighty thumbs and +fingers, slowly toiled hour after hour upon that inert, sluggish corpse +in the sea; and it seemed hardly to budge at all, except at long +intervals; good evidence was hereby furnished of the enormousness of +the mass we moved. For, upon the great canal of Hang-Ho, or whatever +they call it, in China, four or five laborers on the foot-path will +draw a bulky freighted junk at the rate of a mile an hour; but this +grand argosy we towed heavily forged along, as if laden with pig-lead +in bulk. + +Darkness came on; but three lights up and down in the Pequod’s +main-rigging dimly guided our way; till drawing nearer we saw Ahab +dropping one of several more lanterns over the bulwarks. Vacantly +eyeing the heaving whale for a moment, he issued the usual orders for +securing it for the night, and then handing his lantern to a seaman, +went his way into the cabin, and did not come forward again until +morning. + +Though, in overseeing the pursuit of this whale, Captain Ahab had +evinced his customary activity, to call it so; yet now that the +creature was dead, some vague dissatisfaction, or impatience, or +despair, seemed working in him; as if the sight of that dead body +reminded him that Moby Dick was yet to be slain; and though a thousand +other whales were brought to his ship, all that would not one jot +advance his grand, monomaniac object. Very soon you would have thought +from the sound on the Pequod’s decks, that all hands were preparing to +cast anchor in the deep; for heavy chains are being dragged along the +deck, and thrust rattling out of the port-holes. But by those clanking +links, the vast corpse itself, not the ship, is to be moored. Tied by +the head to the stern, and by the tail to the bows, the whale now lies +with its black hull close to the vessel’s and seen through the darkness +of the night, which obscured the spars and rigging aloft, the two—ship +and whale, seemed yoked together like colossal bullocks, whereof one +reclines while the other remains standing.* + +*A little item may as well be related here. The strongest and most +reliable hold which the ship has upon the whale when moored alongside, +is by the flukes or tail; and as from its greater density that part is +relatively heavier than any other (excepting the side-fins), its +flexibility even in death, causes it to sink low beneath the surface; +so that with the hand you cannot get at it from the boat, in order to +put the chain round it. But this difficulty is ingeniously overcome: a +small, strong line is prepared with a wooden float at its outer end, +and a weight in its middle, while the other end is secured to the ship. +By adroit management the wooden float is made to rise on the other side +of the mass, so that now having girdled the whale, the chain is readily +made to follow suit; and being slipped along the body, is at last +locked fast round the smallest part of the tail, at the point of +junction with its broad flukes or lobes. + +If moody Ahab was now all quiescence, at least so far as could be known +on deck, Stubb, his second mate, flushed with conquest, betrayed an +unusual but still good-natured excitement. Such an unwonted bustle was +he in that the staid Starbuck, his official superior, quietly resigned +to him for the time the sole management of affairs. One small, helping +cause of all this liveliness in Stubb, was soon made strangely +manifest. Stubb was a high liver; he was somewhat intemperately fond of +the whale as a flavorish thing to his palate. + +“A steak, a steak, ere I sleep! You, Daggoo! overboard you go, and cut +me one from his small!” + +Here be it known, that though these wild fishermen do not, as a general +thing, and according to the great military maxim, make the enemy defray +the current expenses of the war (at least before realizing the proceeds +of the voyage), yet now and then you find some of these Nantucketers +who have a genuine relish for that particular part of the Sperm Whale +designated by Stubb; comprising the tapering extremity of the body. + +About midnight that steak was cut and cooked; and lighted by two +lanterns of sperm oil, Stubb stoutly stood up to his spermaceti supper +at the capstan-head, as if that capstan were a sideboard. Nor was Stubb +the only banqueter on whale’s flesh that night. Mingling their +mumblings with his own mastications, thousands on thousands of sharks, +swarming round the dead leviathan, smackingly feasted on its fatness. +The few sleepers below in their bunks were often startled by the sharp +slapping of their tails against the hull, within a few inches of the +sleepers’ hearts. Peering over the side you could just see them (as +before you heard them) wallowing in the sullen, black waters, and +turning over on their backs as they scooped out huge globular pieces of +the whale of the bigness of a human head. This particular feat of the +shark seems all but miraculous. How at such an apparently unassailable +surface, they contrive to gouge out such symmetrical mouthfuls, remains +a part of the universal problem of all things. The mark they thus leave +on the whale, may best be likened to the hollow made by a carpenter in +countersinking for a screw. + +Though amid all the smoking horror and diabolism of a sea-fight, sharks +will be seen longingly gazing up to the ship’s decks, like hungry dogs +round a table where red meat is being carved, ready to bolt down every +killed man that is tossed to them; and though, while the valiant +butchers over the deck-table are thus cannibally carving each other’s +live meat with carving-knives all gilded and tasselled, the sharks, +also, with their jewel-hilted mouths, are quarrelsomely carving away +under the table at the dead meat; and though, were you to turn the +whole affair upside down, it would still be pretty much the same thing, +that is to say, a shocking sharkish business enough for all parties; +and though sharks also are the invariable outriders of all slave ships +crossing the Atlantic, systematically trotting alongside, to be handy +in case a parcel is to be carried anywhere, or a dead slave to be +decently buried; and though one or two other like instances might be +set down, touching the set terms, places, and occasions, when sharks do +most socially congregate, and most hilariously feast; yet is there no +conceivable time or occasion when you will find them in such countless +numbers, and in gayer or more jovial spirits, than around a dead sperm +whale, moored by night to a whaleship at sea. If you have never seen +that sight, then suspend your decision about the propriety of +devil-worship, and the expediency of conciliating the devil. + +But, as yet, Stubb heeded not the mumblings of the banquet that was +going on so nigh him, no more than the sharks heeded the smacking of +his own epicurean lips. + +“Cook, cook!—where’s that old Fleece?” he cried at length, widening his +legs still further, as if to form a more secure base for his supper; +and, at the same time darting his fork into the dish, as if stabbing +with his lance; “cook, you cook!—sail this way, cook!” + +The old black, not in any very high glee at having been previously +roused from his warm hammock at a most unseasonable hour, came +shambling along from his galley, for, like many old blacks, there was +something the matter with his knee-pans, which he did not keep well +scoured like his other pans; this old Fleece, as they called him, came +shuffling and limping along, assisting his step with his tongs, which, +after a clumsy fashion, were made of straightened iron hoops; this old +Ebony floundered along, and in obedience to the word of command, came +to a dead stop on the opposite side of Stubb’s sideboard; when, with +both hands folded before him, and resting on his two-legged cane, he +bowed his arched back still further over, at the same time sideways +inclining his head, so as to bring his best ear into play. + +“Cook,” said Stubb, rapidly lifting a rather reddish morsel to his +mouth, “don’t you think this steak is rather overdone? You’ve been +beating this steak too much, cook; it’s too tender. Don’t I always say +that to be good, a whale-steak must be tough? There are those sharks +now over the side, don’t you see they prefer it tough and rare? What a +shindy they are kicking up! Cook, go and talk to ’em; tell ’em they are +welcome to help themselves civilly, and in moderation, but they must +keep quiet. Blast me, if I can hear my own voice. Away, cook, and +deliver my message. Here, take this lantern,” snatching one from his +sideboard; “now then, go and preach to ’em!” + +Sullenly taking the offered lantern, old Fleece limped across the deck +to the bulwarks; and then, with one hand dropping his light low over +the sea, so as to get a good view of his congregation, with the other +hand he solemnly flourished his tongs, and leaning far over the side in +a mumbling voice began addressing the sharks, while Stubb, softly +crawling behind, overheard all that was said. + +“Fellow-critters: I’se ordered here to say dat you must stop dat dam +noise dare. You hear? Stop dat dam smackin’ ob de lip! Massa Stubb say +dat you can fill your dam bellies up to de hatchings, but by Gor! you +must stop dat dam racket!” + +“Cook,” here interposed Stubb, accompanying the word with a sudden slap +on the shoulder,—“Cook! why, damn your eyes, you mustn’t swear that way +when you’re preaching. That’s no way to convert sinners, cook!” + +“Who dat? Den preach to him yourself,” sullenly turning to go. + +“No, cook; go on, go on.” + +“Well, den, Belubed fellow-critters:”— + +“Right!” exclaimed Stubb, approvingly, “coax ’em to it; try that,” and +Fleece continued. + +“Do you is all sharks, and by natur wery woracious, yet I zay to you, +fellow-critters, dat dat woraciousness—’top dat dam slappin’ ob de +tail! How you tink to hear, spose you keep up such a dam slappin’ and +bitin’ dare?” + +“Cook,” cried Stubb, collaring him, “I won’t have that swearing. Talk +to ’em gentlemanly.” + +Once more the sermon proceeded. + +“Your woraciousness, fellow-critters, I don’t blame ye so much for; dat +is natur, and can’t be helped; but to gobern dat wicked natur, dat is +de pint. You is sharks, sartin; but if you gobern de shark in you, why +den you be angel; for all angel is not’ing more dan de shark well +goberned. Now, look here, bred’ren, just try wonst to be cibil, a +helping yourselbs from dat whale. Don’t be tearin’ de blubber out your +neighbour’s mout, I say. Is not one shark dood right as toder to dat +whale? And, by Gor, none on you has de right to dat whale; dat whale +belong to some one else. I know some o’ you has berry brig mout, +brigger dan oders; but den de brig mouts sometimes has de small +bellies; so dat de brigness of de mout is not to swaller wid, but to +bit off de blubber for de small fry ob sharks, dat can’t get into de +scrouge to help demselves.” + +“Well done, old Fleece!” cried Stubb, “that’s Christianity; go on.” + +“No use goin’ on; de dam willains will keep a scougin’ and slappin’ +each oder, Massa Stubb; dey don’t hear one word; no use a-preachin’ to +such dam g’uttons as you call ’em, till dare bellies is full, and dare +bellies is bottomless; and when dey do get ’em full, dey wont hear you +den; for den dey sink in de sea, go fast to sleep on de coral, and +can’t hear not’ing at all, no more, for eber and eber.” + +“Upon my soul, I am about of the same opinion; so give the benediction, +Fleece, and I’ll away to my supper.” + +Upon this, Fleece, holding both hands over the fishy mob, raised his +shrill voice, and cried— + +“Cussed fellow-critters! Kick up de damndest row as ever you can; fill +your dam’ bellies ’till dey bust—and den die.” + +“Now, cook,” said Stubb, resuming his supper at the capstan; “stand +just where you stood before, there, over against me, and pay particular +attention.” + +“All dention,” said Fleece, again stooping over upon his tongs in the +desired position. + +“Well,” said Stubb, helping himself freely meanwhile; “I shall now go +back to the subject of this steak. In the first place, how old are you, +cook?” + +“What dat do wid de ’teak,” said the old black, testily. + +“Silence! How old are you, cook?” + +“’Bout ninety, dey say,” he gloomily muttered. + +“And you have lived in this world hard upon one hundred years, cook, +and don’t know yet how to cook a whale-steak?” rapidly bolting another +mouthful at the last word, so that morsel seemed a continuation of the +question. “Where were you born, cook?” + +“’Hind de hatchway, in ferry-boat, goin’ ober de Roanoke.” + +“Born in a ferry-boat! That’s queer, too. But I want to know what +country you were born in, cook!” + +“Didn’t I say de Roanoke country?” he cried sharply. + +“No, you didn’t, cook; but I’ll tell you what I’m coming to, cook. You +must go home and be born over again; you don’t know how to cook a +whale-steak yet.” + +“Bress my soul, if I cook noder one,” he growled, angrily, turning +round to depart. + +“Come back, cook;—here, hand me those tongs;—now take that bit of steak +there, and tell me if you think that steak cooked as it should be? Take +it, I say”—holding the tongs towards him—“take it, and taste it.” + +Faintly smacking his withered lips over it for a moment, the old negro +muttered, “Best cooked ’teak I eber taste; joosy, berry joosy.” + +“Cook,” said Stubb, squaring himself once more; “do you belong to the +church?” + +“Passed one once in Cape-Down,” said the old man sullenly. + +“And you have once in your life passed a holy church in Cape-Town, +where you doubtless overheard a holy parson addressing his hearers as +his beloved fellow-creatures, have you, cook! And yet you come here, +and tell me such a dreadful lie as you did just now, eh?” said Stubb. +“Where do you expect to go to, cook?” + +“Go to bed berry soon,” he mumbled, half-turning as he spoke. + +“Avast! heave to! I mean when you die, cook. It’s an awful question. +Now what’s your answer?” + +“When dis old brack man dies,” said the negro slowly, changing his +whole air and demeanor, “he hisself won’t go nowhere; but some bressed +angel will come and fetch him.” + +“Fetch him? How? In a coach and four, as they fetched Elijah? And fetch +him where?” + +“Up dere,” said Fleece, holding his tongs straight over his head, and +keeping it there very solemnly. + +“So, then, you expect to go up into our main-top, do you, cook, when +you are dead? But don’t you know the higher you climb, the colder it +gets? Main-top, eh?” + +“Didn’t say dat t’all,” said Fleece, again in the sulks. + +“You said up there, didn’t you? and now look yourself, and see where +your tongs are pointing. But, perhaps you expect to get into heaven by +crawling through the lubber’s hole, cook; but, no, no, cook, you don’t +get there, except you go the regular way, round by the rigging. It’s a +ticklish business, but must be done, or else it’s no go. But none of us +are in heaven yet. Drop your tongs, cook, and hear my orders. Do ye +hear? Hold your hat in one hand, and clap t’other a’top of your heart, +when I’m giving my orders, cook. What! that your heart, there?—that’s +your gizzard! Aloft! aloft!—that’s it—now you have it. Hold it there +now, and pay attention.” + +“All ’dention,” said the old black, with both hands placed as desired, +vainly wriggling his grizzled head, as if to get both ears in front at +one and the same time. + +“Well then, cook, you see this whale-steak of yours was so very bad, +that I have put it out of sight as soon as possible; you see that, +don’t you? Well, for the future, when you cook another whale-steak for +my private table here, the capstan, I’ll tell you what to do so as not +to spoil it by overdoing. Hold the steak in one hand, and show a live +coal to it with the other; that done, dish it; d’ye hear? And now +to-morrow, cook, when we are cutting in the fish, be sure you stand by +to get the tips of his fins; have them put in pickle. As for the ends +of the flukes, have them soused, cook. There, now ye may go.” + +But Fleece had hardly got three paces off, when he was recalled. + +“Cook, give me cutlets for supper to-morrow night in the mid-watch. +D’ye hear? away you sail, then.—Halloa! stop! make a bow before you +go.—Avast heaving again! Whale-balls for breakfast—don’t forget.” + +“Wish, by gor! whale eat him, ’stead of him eat whale. I’m bressed if +he ain’t more of shark dan Massa Shark hisself,” muttered the old man, +limping away; with which sage ejaculation he went to his hammock. + + +CHAPTER 65. The Whale as a Dish. + +That mortal man should feed upon the creature that feeds his lamp, and, +like Stubb, eat him by his own light, as you may say; this seems so +outlandish a thing that one must needs go a little into the history and +philosophy of it. + +It is upon record, that three centuries ago the tongue of the Right +Whale was esteemed a great delicacy in France, and commanded large +prices there. Also, that in Henry VIIIth’s time, a certain cook of the +court obtained a handsome reward for inventing an admirable sauce to be +eaten with barbacued porpoises, which, you remember, are a species of +whale. Porpoises, indeed, are to this day considered fine eating. The +meat is made into balls about the size of billiard balls, and being +well seasoned and spiced might be taken for turtle-balls or veal balls. +The old monks of Dunfermline were very fond of them. They had a great +porpoise grant from the crown. + +The fact is, that among his hunters at least, the whale would by all +hands be considered a noble dish, were there not so much of him; but +when you come to sit down before a meat-pie nearly one hundred feet +long, it takes away your appetite. Only the most unprejudiced of men +like Stubb, nowadays partake of cooked whales; but the Esquimaux are +not so fastidious. We all know how they live upon whales, and have rare +old vintages of prime old train oil. Zogranda, one of their most famous +doctors, recommends strips of blubber for infants, as being exceedingly +juicy and nourishing. And this reminds me that certain Englishmen, who +long ago were accidentally left in Greenland by a whaling vessel—that +these men actually lived for several months on the mouldy scraps of +whales which had been left ashore after trying out the blubber. Among +the Dutch whalemen these scraps are called “fritters”; which, indeed, +they greatly resemble, being brown and crisp, and smelling something +like old Amsterdam housewives’ dough-nuts or oly-cooks, when fresh. +They have such an eatable look that the most self-denying stranger can +hardly keep his hands off. + +But what further depreciates the whale as a civilized dish, is his +exceeding richness. He is the great prize ox of the sea, too fat to be +delicately good. Look at his hump, which would be as fine eating as the +buffalo’s (which is esteemed a rare dish), were it not such a solid +pyramid of fat. But the spermaceti itself, how bland and creamy that +is; like the transparent, half-jellied, white meat of a cocoanut in the +third month of its growth, yet far too rich to supply a substitute for +butter. Nevertheless, many whalemen have a method of absorbing it into +some other substance, and then partaking of it. In the long try watches +of the night it is a common thing for the seamen to dip their +ship-biscuit into the huge oil-pots and let them fry there awhile. Many +a good supper have I thus made. + +In the case of a small Sperm Whale the brains are accounted a fine +dish. The casket of the skull is broken into with an axe, and the two +plump, whitish lobes being withdrawn (precisely resembling two large +puddings), they are then mixed with flour, and cooked into a most +delectable mess, in flavor somewhat resembling calves’ head, which is +quite a dish among some epicures; and every one knows that some young +bucks among the epicures, by continually dining upon calves’ brains, by +and by get to have a little brains of their own, so as to be able to +tell a calf’s head from their own heads; which, indeed, requires +uncommon discrimination. And that is the reason why a young buck with +an intelligent looking calf’s head before him, is somehow one of the +saddest sights you can see. The head looks a sort of reproachfully at +him, with an “Et tu Brute!” expression. + +It is not, perhaps, entirely because the whale is so excessively +unctuous that landsmen seem to regard the eating of him with +abhorrence; that appears to result, in some way, from the consideration +before mentioned: _i.e._ that a man should eat a newly murdered thing +of the sea, and eat it too by its own light. But no doubt the first man +that ever murdered an ox was regarded as a murderer; perhaps he was +hung; and if he had been put on his trial by oxen, he certainly would +have been; and he certainly deserved it if any murderer does. Go to the +meat-market of a Saturday night and see the crowds of live bipeds +staring up at the long rows of dead quadrupeds. Does not that sight +take a tooth out of the cannibal’s jaw? Cannibals? who is not a +cannibal? I tell you it will be more tolerable for the Fejee that +salted down a lean missionary in his cellar against a coming famine; it +will be more tolerable for that provident Fejee, I say, in the day of +judgment, than for thee, civilized and enlightened gourmand, who +nailest geese to the ground and feastest on their bloated livers in thy +paté-de-foie-gras. + +But Stubb, he eats the whale by its own light, does he? and that is +adding insult to injury, is it? Look at your knife-handle, there, my +civilized and enlightened gourmand dining off that roast beef, what is +that handle made of?—what but the bones of the brother of the very ox +you are eating? And what do you pick your teeth with, after devouring +that fat goose? With a feather of the same fowl. And with what quill +did the Secretary of the Society for the Suppression of Cruelty to +Ganders formally indite his circulars? It is only within the last month +or two that that society passed a resolution to patronize nothing but +steel pens. + + +CHAPTER 66. The Shark Massacre. + +When in the Southern Fishery, a captured Sperm Whale, after long and +weary toil, is brought alongside late at night, it is not, as a general +thing at least, customary to proceed at once to the business of cutting +him in. For that business is an exceedingly laborious one; is not very +soon completed; and requires all hands to set about it. Therefore, the +common usage is to take in all sail; lash the helm a’lee; and then send +every one below to his hammock till daylight, with the reservation +that, until that time, anchor-watches shall be kept; that is, two and +two for an hour, each couple, the crew in rotation shall mount the deck +to see that all goes well. + +But sometimes, especially upon the Line in the Pacific, this plan will +not answer at all; because such incalculable hosts of sharks gather +round the moored carcase, that were he left so for six hours, say, on a +stretch, little more than the skeleton would be visible by morning. In +most other parts of the ocean, however, where these fish do not so +largely abound, their wondrous voracity can be at times considerably +diminished, by vigorously stirring them up with sharp whaling-spades, a +procedure notwithstanding, which, in some instances, only seems to +tickle them into still greater activity. But it was not thus in the +present case with the Pequod’s sharks; though, to be sure, any man +unaccustomed to such sights, to have looked over her side that night, +would have almost thought the whole round sea was one huge cheese, and +those sharks the maggots in it. + +Nevertheless, upon Stubb setting the anchor-watch after his supper was +concluded; and when, accordingly, Queequeg and a forecastle seaman came +on deck, no small excitement was created among the sharks; for +immediately suspending the cutting stages over the side, and lowering +three lanterns, so that they cast long gleams of light over the turbid +sea, these two mariners, darting their long whaling-spades, kept up an +incessant murdering of the sharks,* by striking the keen steel deep +into their skulls, seemingly their only vital part. But in the foamy +confusion of their mixed and struggling hosts, the marksmen could not +always hit their mark; and this brought about new revelations of the +incredible ferocity of the foe. They viciously snapped, not only at +each other’s disembowelments, but like flexible bows, bent round, and +bit their own; till those entrails seemed swallowed over and over again +by the same mouth, to be oppositely voided by the gaping wound. Nor was +this all. It was unsafe to meddle with the corpses and ghosts of these +creatures. A sort of generic or Pantheistic vitality seemed to lurk in +their very joints and bones, after what might be called the individual +life had departed. Killed and hoisted on deck for the sake of his skin, +one of these sharks almost took poor Queequeg’s hand off, when he tried +to shut down the dead lid of his murderous jaw. + +*The whaling-spade used for cutting-in is made of the very best steel; +is about the bigness of a man’s spread hand; and in general shape, +corresponds to the garden implement after which it is named; only its +sides are perfectly flat, and its upper end considerably narrower than +the lower. This weapon is always kept as sharp as possible; and when +being used is occasionally honed, just like a razor. In its socket, a +stiff pole, from twenty to thirty feet long, is inserted for a handle. + +“Queequeg no care what god made him shark,” said the savage, +agonizingly lifting his hand up and down; “wedder Fejee god or +Nantucket god; but de god wat made shark must be one dam Ingin.” + + +CHAPTER 67. Cutting In. + +It was a Saturday night, and such a Sabbath as followed! Ex officio +professors of Sabbath breaking are all whalemen. The ivory Pequod was +turned into what seemed a shamble; every sailor a butcher. You would +have thought we were offering up ten thousand red oxen to the sea gods. + +In the first place, the enormous cutting tackles, among other ponderous +things comprising a cluster of blocks generally painted green, and +which no single man can possibly lift—this vast bunch of grapes was +swayed up to the main-top and firmly lashed to the lower mast-head, the +strongest point anywhere above a ship’s deck. The end of the +hawser-like rope winding through these intricacies, was then conducted +to the windlass, and the huge lower block of the tackles was swung over +the whale; to this block the great blubber hook, weighing some one +hundred pounds, was attached. And now suspended in stages over the +side, Starbuck and Stubb, the mates, armed with their long spades, +began cutting a hole in the body for the insertion of the hook just +above the nearest of the two side-fins. This done, a broad, +semicircular line is cut round the hole, the hook is inserted, and the +main body of the crew striking up a wild chorus, now commence heaving +in one dense crowd at the windlass. When instantly, the entire ship +careens over on her side; every bolt in her starts like the nail-heads +of an old house in frosty weather; she trembles, quivers, and nods her +frighted mast-heads to the sky. More and more she leans over to the +whale, while every gasping heave of the windlass is answered by a +helping heave from the billows; till at last, a swift, startling snap +is heard; with a great swash the ship rolls upwards and backwards from +the whale, and the triumphant tackle rises into sight dragging after it +the disengaged semicircular end of the first strip of blubber. Now as +the blubber envelopes the whale precisely as the rind does an orange, +so is it stripped off from the body precisely as an orange is sometimes +stripped by spiralizing it. For the strain constantly kept up by the +windlass continually keeps the whale rolling over and over in the +water, and as the blubber in one strip uniformly peels off along the +line called the “scarf,” simultaneously cut by the spades of Starbuck +and Stubb, the mates; and just as fast as it is thus peeled off, and +indeed by that very act itself, it is all the time being hoisted higher +and higher aloft till its upper end grazes the main-top; the men at the +windlass then cease heaving, and for a moment or two the prodigious +blood-dripping mass sways to and fro as if let down from the sky, and +every one present must take good heed to dodge it when it swings, else +it may box his ears and pitch him headlong overboard. + +One of the attending harpooneers now advances with a long, keen weapon +called a boarding-sword, and watching his chance he dexterously slices +out a considerable hole in the lower part of the swaying mass. Into +this hole, the end of the second alternating great tackle is then +hooked so as to retain a hold upon the blubber, in order to prepare for +what follows. Whereupon, this accomplished swordsman, warning all hands +to stand off, once more makes a scientific dash at the mass, and with a +few sidelong, desperate, lunging slicings, severs it completely in +twain; so that while the short lower part is still fast, the long upper +strip, called a blanket-piece, swings clear, and is all ready for +lowering. The heavers forward now resume their song, and while the one +tackle is peeling and hoisting a second strip from the whale, the other +is slowly slackened away, and down goes the first strip through the +main hatchway right beneath, into an unfurnished parlor called the +blubber-room. Into this twilight apartment sundry nimble hands keep +coiling away the long blanket-piece as if it were a great live mass of +plaited serpents. And thus the work proceeds; the two tackles hoisting +and lowering simultaneously; both whale and windlass heaving, the +heavers singing, the blubber-room gentlemen coiling, the mates +scarfing, the ship straining, and all hands swearing occasionally, by +way of assuaging the general friction. + + +CHAPTER 68. The Blanket. + +I have given no small attention to that not unvexed subject, the skin +of the whale. I have had controversies about it with experienced +whalemen afloat, and learned naturalists ashore. My original opinion +remains unchanged; but it is only an opinion. + +The question is, what and where is the skin of the whale? Already you +know what his blubber is. That blubber is something of the consistence +of firm, close-grained beef, but tougher, more elastic and compact, and +ranges from eight or ten to twelve and fifteen inches in thickness. + +Now, however preposterous it may at first seem to talk of any +creature’s skin as being of that sort of consistence and thickness, yet +in point of fact these are no arguments against such a presumption; +because you cannot raise any other dense enveloping layer from the +whale’s body but that same blubber; and the outermost enveloping layer +of any animal, if reasonably dense, what can that be but the skin? +True, from the unmarred dead body of the whale, you may scrape off with +your hand an infinitely thin, transparent substance, somewhat +resembling the thinnest shreds of isinglass, only it is almost as +flexible and soft as satin; that is, previous to being dried, when it +not only contracts and thickens, but becomes rather hard and brittle. I +have several such dried bits, which I use for marks in my whale-books. +It is transparent, as I said before; and being laid upon the printed +page, I have sometimes pleased myself with fancying it exerted a +magnifying influence. At any rate, it is pleasant to read about whales +through their own spectacles, as you may say. But what I am driving at +here is this. That same infinitely thin, isinglass substance, which, I +admit, invests the entire body of the whale, is not so much to be +regarded as the skin of the creature, as the skin of the skin, so to +speak; for it were simply ridiculous to say, that the proper skin of +the tremendous whale is thinner and more tender than the skin of a +new-born child. But no more of this. + +Assuming the blubber to be the skin of the whale; then, when this skin, +as in the case of a very large Sperm Whale, will yield the bulk of one +hundred barrels of oil; and, when it is considered that, in quantity, +or rather weight, that oil, in its expressed state, is only three +fourths, and not the entire substance of the coat; some idea may hence +be had of the enormousness of that animated mass, a mere part of whose +mere integument yields such a lake of liquid as that. Reckoning ten +barrels to the ton, you have ten tons for the net weight of only three +quarters of the stuff of the whale’s skin. + +In life, the visible surface of the Sperm Whale is not the least among +the many marvels he presents. Almost invariably it is all over +obliquely crossed and re-crossed with numberless straight marks in +thick array, something like those in the finest Italian line +engravings. But these marks do not seem to be impressed upon the +isinglass substance above mentioned, but seem to be seen through it, as +if they were engraved upon the body itself. Nor is this all. In some +instances, to the quick, observant eye, those linear marks, as in a +veritable engraving, but afford the ground for far other delineations. +These are hieroglyphical; that is, if you call those mysterious cyphers +on the walls of pyramids hieroglyphics, then that is the proper word to +use in the present connexion. By my retentive memory of the +hieroglyphics upon one Sperm Whale in particular, I was much struck +with a plate representing the old Indian characters chiselled on the +famous hieroglyphic palisades on the banks of the Upper Mississippi. +Like those mystic rocks, too, the mystic-marked whale remains +undecipherable. This allusion to the Indian rocks reminds me of another +thing. Besides all the other phenomena which the exterior of the Sperm +Whale presents, he not seldom displays the back, and more especially +his flanks, effaced in great part of the regular linear appearance, by +reason of numerous rude scratches, altogether of an irregular, random +aspect. I should say that those New England rocks on the sea-coast, +which Agassiz imagines to bear the marks of violent scraping contact +with vast floating icebergs—I should say, that those rocks must not a +little resemble the Sperm Whale in this particular. It also seems to me +that such scratches in the whale are probably made by hostile contact +with other whales; for I have most remarked them in the large, +full-grown bulls of the species. + +A word or two more concerning this matter of the skin or blubber of the +whale. It has already been said, that it is stript from him in long +pieces, called blanket-pieces. Like most sea-terms, this one is very +happy and significant. For the whale is indeed wrapt up in his blubber +as in a real blanket or counterpane; or, still better, an Indian poncho +slipt over his head, and skirting his extremity. It is by reason of +this cosy blanketing of his body, that the whale is enabled to keep +himself comfortable in all weathers, in all seas, times, and tides. +What would become of a Greenland whale, say, in those shuddering, icy +seas of the North, if unsupplied with his cosy surtout? True, other +fish are found exceedingly brisk in those Hyperborean waters; but +these, be it observed, are your cold-blooded, lungless fish, whose very +bellies are refrigerators; creatures, that warm themselves under the +lee of an iceberg, as a traveller in winter would bask before an inn +fire; whereas, like man, the whale has lungs and warm blood. Freeze his +blood, and he dies. How wonderful is it then—except after +explanation—that this great monster, to whom corporeal warmth is as +indispensable as it is to man; how wonderful that he should be found at +home, immersed to his lips for life in those Arctic waters! where, when +seamen fall overboard, they are sometimes found, months afterwards, +perpendicularly frozen into the hearts of fields of ice, as a fly is +found glued in amber. But more surprising is it to know, as has been +proved by experiment, that the blood of a Polar whale is warmer than +that of a Borneo negro in summer. + +It does seem to me, that herein we see the rare virtue of a strong +individual vitality, and the rare virtue of thick walls, and the rare +virtue of interior spaciousness. Oh, man! admire and model thyself +after the whale! Do thou, too, remain warm among ice. Do thou, too, +live in this world without being of it. Be cool at the equator; keep +thy blood fluid at the Pole. Like the great dome of St. Peter’s, and +like the great whale, retain, O man! in all seasons a temperature of +thine own. + +But how easy and how hopeless to teach these fine things! Of erections, +how few are domed like St. Peter’s! of creatures, how few vast as the +whale! + + +CHAPTER 69. The Funeral. + +“Haul in the chains! Let the carcase go astern!” + +The vast tackles have now done their duty. The peeled white body of the +beheaded whale flashes like a marble sepulchre; though changed in hue, +it has not perceptibly lost anything in bulk. It is still colossal. +Slowly it floats more and more away, the water round it torn and +splashed by the insatiate sharks, and the air above vexed with +rapacious flights of screaming fowls, whose beaks are like so many +insulting poniards in the whale. The vast white headless phantom floats +further and further from the ship, and every rod that it so floats, +what seem square roods of sharks and cubic roods of fowls, augment the +murderous din. For hours and hours from the almost stationary ship that +hideous sight is seen. Beneath the unclouded and mild azure sky, upon +the fair face of the pleasant sea, wafted by the joyous breezes, that +great mass of death floats on and on, till lost in infinite +perspectives. + +There’s a most doleful and most mocking funeral! The sea-vultures all +in pious mourning, the air-sharks all punctiliously in black or +speckled. In life but few of them would have helped the whale, I ween, +if peradventure he had needed it; but upon the banquet of his funeral +they most piously do pounce. Oh, horrible vultureism of earth! from +which not the mightiest whale is free. + +Nor is this the end. Desecrated as the body is, a vengeful ghost +survives and hovers over it to scare. Espied by some timid man-of-war +or blundering discovery-vessel from afar, when the distance obscuring +the swarming fowls, nevertheless still shows the white mass floating in +the sun, and the white spray heaving high against it; straightway the +whale’s unharming corpse, with trembling fingers is set down in the +log—_shoals, rocks, and breakers hereabouts: beware!_ And for years +afterwards, perhaps, ships shun the place; leaping over it as silly +sheep leap over a vacuum, because their leader originally leaped there +when a stick was held. There’s your law of precedents; there’s your +utility of traditions; there’s the story of your obstinate survival of +old beliefs never bottomed on the earth, and now not even hovering in +the air! There’s orthodoxy! + +Thus, while in life the great whale’s body may have been a real terror +to his foes, in his death his ghost becomes a powerless panic to a +world. + +Are you a believer in ghosts, my friend? There are other ghosts than +the Cock-Lane one, and far deeper men than Doctor Johnson who believe +in them. + + +CHAPTER 70. The Sphynx. + +It should not have been omitted that previous to completely stripping +the body of the leviathan, he was beheaded. Now, the beheading of the +Sperm Whale is a scientific anatomical feat, upon which experienced +whale surgeons very much pride themselves: and not without reason. + +Consider that the whale has nothing that can properly be called a neck; +on the contrary, where his head and body seem to join, there, in that +very place, is the thickest part of him. Remember, also, that the +surgeon must operate from above, some eight or ten feet intervening +between him and his subject, and that subject almost hidden in a +discoloured, rolling, and oftentimes tumultuous and bursting sea. Bear +in mind, too, that under these untoward circumstances he has to cut +many feet deep in the flesh; and in that subterraneous manner, without +so much as getting one single peep into the ever-contracting gash thus +made, he must skilfully steer clear of all adjacent, interdicted parts, +and exactly divide the spine at a critical point hard by its insertion +into the skull. Do you not marvel, then, at Stubb’s boast, that he +demanded but ten minutes to behead a sperm whale? + +When first severed, the head is dropped astern and held there by a +cable till the body is stripped. That done, if it belong to a small +whale it is hoisted on deck to be deliberately disposed of. But, with a +full grown leviathan this is impossible; for the sperm whale’s head +embraces nearly one third of his entire bulk, and completely to suspend +such a burden as that, even by the immense tackles of a whaler, this +were as vain a thing as to attempt weighing a Dutch barn in jewellers’ +scales. + +The Pequod’s whale being decapitated and the body stripped, the head +was hoisted against the ship’s side—about half way out of the sea, so +that it might yet in great part be buoyed up by its native element. And +there with the strained craft steeply leaning over to it, by reason of +the enormous downward drag from the lower mast-head, and every yard-arm +on that side projecting like a crane over the waves; there, that +blood-dripping head hung to the Pequod’s waist like the giant +Holofernes’s from the girdle of Judith. + +When this last task was accomplished it was noon, and the seamen went +below to their dinner. Silence reigned over the before tumultuous but +now deserted deck. An intense copper calm, like a universal yellow +lotus, was more and more unfolding its noiseless measureless leaves +upon the sea. + +A short space elapsed, and up into this noiselessness came Ahab alone +from his cabin. Taking a few turns on the quarter-deck, he paused to +gaze over the side, then slowly getting into the main-chains he took +Stubb’s long spade—still remaining there after the whale’s +decapitation—and striking it into the lower part of the half-suspended +mass, placed its other end crutch-wise under one arm, and so stood +leaning over with eyes attentively fixed on this head. + +It was a black and hooded head; and hanging there in the midst of so +intense a calm, it seemed the Sphynx’s in the desert. “Speak, thou vast +and venerable head,” muttered Ahab, “which, though ungarnished with a +beard, yet here and there lookest hoary with mosses; speak, mighty +head, and tell us the secret thing that is in thee. Of all divers, thou +hast dived the deepest. That head upon which the upper sun now gleams, +has moved amid this world’s foundations. Where unrecorded names and +navies rust, and untold hopes and anchors rot; where in her murderous +hold this frigate earth is ballasted with bones of millions of the +drowned; there, in that awful water-land, there was thy most familiar +home. Thou hast been where bell or diver never went; hast slept by many +a sailor’s side, where sleepless mothers would give their lives to lay +them down. Thou saw’st the locked lovers when leaping from their +flaming ship; heart to heart they sank beneath the exulting wave; true +to each other, when heaven seemed false to them. Thou saw’st the +murdered mate when tossed by pirates from the midnight deck; for hours +he fell into the deeper midnight of the insatiate maw; and his +murderers still sailed on unharmed—while swift lightnings shivered the +neighboring ship that would have borne a righteous husband to +outstretched, longing arms. O head! thou hast seen enough to split the +planets and make an infidel of Abraham, and not one syllable is thine!” + +“Sail ho!” cried a triumphant voice from the main-mast-head. + +“Aye? Well, now, that’s cheering,” cried Ahab, suddenly erecting +himself, while whole thunder-clouds swept aside from his brow. “That +lively cry upon this deadly calm might almost convert a better +man.—Where away?” + +“Three points on the starboard bow, sir, and bringing down her breeze +to us! + +“Better and better, man. Would now St. Paul would come along that way, +and to my breezelessness bring his breeze! O Nature, and O soul of man! +how far beyond all utterance are your linked analogies! not the +smallest atom stirs or lives on matter, but has its cunning duplicate +in mind.” + + +CHAPTER 71. The Jeroboam’s Story. + +Hand in hand, ship and breeze blew on; but the breeze came faster than +the ship, and soon the Pequod began to rock. + +By and by, through the glass the stranger’s boats and manned mast-heads +proved her a whale-ship. But as she was so far to windward, and +shooting by, apparently making a passage to some other ground, the +Pequod could not hope to reach her. So the signal was set to see what +response would be made. + +Here be it said, that like the vessels of military marines, the ships +of the American Whale Fleet have each a private signal; all which +signals being collected in a book with the names of the respective +vessels attached, every captain is provided with it. Thereby, the whale +commanders are enabled to recognise each other upon the ocean, even at +considerable distances and with no small facility. + +The Pequod’s signal was at last responded to by the stranger’s setting +her own; which proved the ship to be the Jeroboam of Nantucket. +Squaring her yards, she bore down, ranged abeam under the Pequod’s lee, +and lowered a boat; it soon drew nigh; but, as the side-ladder was +being rigged by Starbuck’s order to accommodate the visiting captain, +the stranger in question waved his hand from his boat’s stern in token +of that proceeding being entirely unnecessary. It turned out that the +Jeroboam had a malignant epidemic on board, and that Mayhew, her +captain, was fearful of infecting the Pequod’s company. For, though +himself and boat’s crew remained untainted, and though his ship was +half a rifle-shot off, and an incorruptible sea and air rolling and +flowing between; yet conscientiously adhering to the timid quarantine +of the land, he peremptorily refused to come into direct contact with +the Pequod. + +But this did by no means prevent all communications. Preserving an +interval of some few yards between itself and the ship, the Jeroboam’s +boat by the occasional use of its oars contrived to keep parallel to +the Pequod, as she heavily forged through the sea (for by this time it +blew very fresh), with her main-topsail aback; though, indeed, at times +by the sudden onset of a large rolling wave, the boat would be pushed +some way ahead; but would be soon skilfully brought to her proper +bearings again. Subject to this, and other the like interruptions now +and then, a conversation was sustained between the two parties; but at +intervals not without still another interruption of a very different +sort. + +Pulling an oar in the Jeroboam’s boat, was a man of a singular +appearance, even in that wild whaling life where individual +notabilities make up all totalities. He was a small, short, youngish +man, sprinkled all over his face with freckles, and wearing redundant +yellow hair. A long-skirted, cabalistically-cut coat of a faded walnut +tinge enveloped him; the overlapping sleeves of which were rolled up on +his wrists. A deep, settled, fanatic delirium was in his eyes. + +So soon as this figure had been first descried, Stubb had +exclaimed—“That’s he! that’s he!—the long-togged scaramouch the +Town-Ho’s company told us of!” Stubb here alluded to a strange story +told of the Jeroboam, and a certain man among her crew, some time +previous when the Pequod spoke the Town-Ho. According to this account +and what was subsequently learned, it seemed that the scaramouch in +question had gained a wonderful ascendency over almost everybody in the +Jeroboam. His story was this: + +He had been originally nurtured among the crazy society of Neskyeuna +Shakers, where he had been a great prophet; in their cracked, secret +meetings having several times descended from heaven by the way of a +trap-door, announcing the speedy opening of the seventh vial, which he +carried in his vest-pocket; but, which, instead of containing +gunpowder, was supposed to be charged with laudanum. A strange, +apostolic whim having seized him, he had left Neskyeuna for Nantucket, +where, with that cunning peculiar to craziness, he assumed a steady, +common-sense exterior, and offered himself as a green-hand candidate +for the Jeroboam’s whaling voyage. They engaged him; but straightway +upon the ship’s getting out of sight of land, his insanity broke out in +a freshet. He announced himself as the archangel Gabriel, and commanded +the captain to jump overboard. He published his manifesto, whereby he +set himself forth as the deliverer of the isles of the sea and +vicar-general of all Oceanica. The unflinching earnestness with which +he declared these things;—the dark, daring play of his sleepless, +excited imagination, and all the preternatural terrors of real +delirium, united to invest this Gabriel in the minds of the majority of +the ignorant crew, with an atmosphere of sacredness. Moreover, they +were afraid of him. As such a man, however, was not of much practical +use in the ship, especially as he refused to work except when he +pleased, the incredulous captain would fain have been rid of him; but +apprised that that individual’s intention was to land him in the first +convenient port, the archangel forthwith opened all his seals and +vials—devoting the ship and all hands to unconditional perdition, in +case this intention was carried out. So strongly did he work upon his +disciples among the crew, that at last in a body they went to the +captain and told him if Gabriel was sent from the ship, not a man of +them would remain. He was therefore forced to relinquish his plan. Nor +would they permit Gabriel to be any way maltreated, say or do what he +would; so that it came to pass that Gabriel had the complete freedom of +the ship. The consequence of all this was, that the archangel cared +little or nothing for the captain and mates; and since the epidemic had +broken out, he carried a higher hand than ever; declaring that the +plague, as he called it, was at his sole command; nor should it be +stayed but according to his good pleasure. The sailors, mostly poor +devils, cringed, and some of them fawned before him; in obedience to +his instructions, sometimes rendering him personal homage, as to a god. +Such things may seem incredible; but, however wondrous, they are true. +Nor is the history of fanatics half so striking in respect to the +measureless self-deception of the fanatic himself, as his measureless +power of deceiving and bedevilling so many others. But it is time to +return to the Pequod. + +“I fear not thy epidemic, man,” said Ahab from the bulwarks, to Captain +Mayhew, who stood in the boat’s stern; “come on board.” + +But now Gabriel started to his feet. + +“Think, think of the fevers, yellow and bilious! Beware of the horrible +plague!” + +“Gabriel! Gabriel!” cried Captain Mayhew; “thou must either—” But that +instant a headlong wave shot the boat far ahead, and its seethings +drowned all speech. + +“Hast thou seen the White Whale?” demanded Ahab, when the boat drifted +back. + +“Think, think of thy whale-boat, stoven and sunk! Beware of the +horrible tail!” + +“I tell thee again, Gabriel, that—” But again the boat tore ahead as if +dragged by fiends. Nothing was said for some moments, while a +succession of riotous waves rolled by, which by one of those occasional +caprices of the seas were tumbling, not heaving it. Meantime, the +hoisted sperm whale’s head jogged about very violently, and Gabriel was +seen eyeing it with rather more apprehensiveness than his archangel +nature seemed to warrant. + +When this interlude was over, Captain Mayhew began a dark story +concerning Moby Dick; not, however, without frequent interruptions from +Gabriel, whenever his name was mentioned, and the crazy sea that seemed +leagued with him. + +It seemed that the Jeroboam had not long left home, when upon speaking +a whale-ship, her people were reliably apprised of the existence of +Moby Dick, and the havoc he had made. Greedily sucking in this +intelligence, Gabriel solemnly warned the captain against attacking the +White Whale, in case the monster should be seen; in his gibbering +insanity, pronouncing the White Whale to be no less a being than the +Shaker God incarnated; the Shakers receiving the Bible. But when, some +year or two afterwards, Moby Dick was fairly sighted from the +mast-heads, Macey, the chief mate, burned with ardour to encounter him; +and the captain himself being not unwilling to let him have the +opportunity, despite all the archangel’s denunciations and +forewarnings, Macey succeeded in persuading five men to man his boat. +With them he pushed off; and, after much weary pulling, and many +perilous, unsuccessful onsets, he at last succeeded in getting one iron +fast. Meantime, Gabriel, ascending to the main-royal mast-head, was +tossing one arm in frantic gestures, and hurling forth prophecies of +speedy doom to the sacrilegious assailants of his divinity. Now, while +Macey, the mate, was standing up in his boat’s bow, and with all the +reckless energy of his tribe was venting his wild exclamations upon the +whale, and essaying to get a fair chance for his poised lance, lo! a +broad white shadow rose from the sea; by its quick, fanning motion, +temporarily taking the breath out of the bodies of the oarsmen. Next +instant, the luckless mate, so full of furious life, was smitten bodily +into the air, and making a long arc in his descent, fell into the sea +at the distance of about fifty yards. Not a chip of the boat was +harmed, nor a hair of any oarsman’s head; but the mate for ever sank. + +It is well to parenthesize here, that of the fatal accidents in the +Sperm-Whale Fishery, this kind is perhaps almost as frequent as any. +Sometimes, nothing is injured but the man who is thus annihilated; +oftener the boat’s bow is knocked off, or the thigh-board, in which the +headsman stands, is torn from its place and accompanies the body. But +strangest of all is the circumstance, that in more instances than one, +when the body has been recovered, not a single mark of violence is +discernible; the man being stark dead. + +The whole calamity, with the falling form of Macey, was plainly +descried from the ship. Raising a piercing shriek—“The vial! the vial!” +Gabriel called off the terror-stricken crew from the further hunting of +the whale. This terrible event clothed the archangel with added +influence; because his credulous disciples believed that he had +specifically fore-announced it, instead of only making a general +prophecy, which any one might have done, and so have chanced to hit one +of many marks in the wide margin allowed. He became a nameless terror +to the ship. + +Mayhew having concluded his narration, Ahab put such questions to him, +that the stranger captain could not forbear inquiring whether he +intended to hunt the White Whale, if opportunity should offer. To which +Ahab answered—“Aye.” Straightway, then, Gabriel once more started to +his feet, glaring upon the old man, and vehemently exclaimed, with +downward pointed finger—“Think, think of the blasphemer—dead, and down +there!—beware of the blasphemer’s end!” + +Ahab stolidly turned aside; then said to Mayhew, “Captain, I have just +bethought me of my letter-bag; there is a letter for one of thy +officers, if I mistake not. Starbuck, look over the bag.” + +Every whale-ship takes out a goodly number of letters for various +ships, whose delivery to the persons to whom they may be addressed, +depends upon the mere chance of encountering them in the four oceans. +Thus, most letters never reach their mark; and many are only received +after attaining an age of two or three years or more. + +Soon Starbuck returned with a letter in his hand. It was sorely +tumbled, damp, and covered with a dull, spotted, green mould, in +consequence of being kept in a dark locker of the cabin. Of such a +letter, Death himself might well have been the post-boy. + +“Can’st not read it?” cried Ahab. “Give it me, man. Aye, aye, it’s but +a dim scrawl;—what’s this?” As he was studying it out, Starbuck took a +long cutting-spade pole, and with his knife slightly split the end, to +insert the letter there, and in that way, hand it to the boat, without +its coming any closer to the ship. + +Meantime, Ahab holding the letter, muttered, “Mr. Har—yes, Mr. Harry—(a +woman’s pinny hand,—the man’s wife, I’ll wager)—Aye—Mr. Harry Macey, +Ship Jeroboam;—why it’s Macey, and he’s dead!” + +“Poor fellow! poor fellow! and from his wife,” sighed Mayhew; “but let +me have it.” + +“Nay, keep it thyself,” cried Gabriel to Ahab; “thou art soon going +that way.” + +“Curses throttle thee!” yelled Ahab. “Captain Mayhew, stand by now to +receive it”; and taking the fatal missive from Starbuck’s hands, he +caught it in the slit of the pole, and reached it over towards the +boat. But as he did so, the oarsmen expectantly desisted from rowing; +the boat drifted a little towards the ship’s stern; so that, as if by +magic, the letter suddenly ranged along with Gabriel’s eager hand. He +clutched it in an instant, seized the boat-knife, and impaling the +letter on it, sent it thus loaded back into the ship. It fell at Ahab’s +feet. Then Gabriel shrieked out to his comrades to give way with their +oars, and in that manner the mutinous boat rapidly shot away from the +Pequod. + +As, after this interlude, the seamen resumed their work upon the jacket +of the whale, many strange things were hinted in reference to this wild +affair. + + +CHAPTER 72. The Monkey-Rope. + +In the tumultuous business of cutting-in and attending to a whale, +there is much running backwards and forwards among the crew. Now hands +are wanted here, and then again hands are wanted there. There is no +staying in any one place; for at one and the same time everything has +to be done everywhere. It is much the same with him who endeavors the +description of the scene. We must now retrace our way a little. It was +mentioned that upon first breaking ground in the whale’s back, the +blubber-hook was inserted into the original hole there cut by the +spades of the mates. But how did so clumsy and weighty a mass as that +same hook get fixed in that hole? It was inserted there by my +particular friend Queequeg, whose duty it was, as harpooneer, to +descend upon the monster’s back for the special purpose referred to. +But in very many cases, circumstances require that the harpooneer shall +remain on the whale till the whole flensing or stripping operation is +concluded. The whale, be it observed, lies almost entirely submerged, +excepting the immediate parts operated upon. So down there, some ten +feet below the level of the deck, the poor harpooneer flounders about, +half on the whale and half in the water, as the vast mass revolves like +a tread-mill beneath him. On the occasion in question, Queequeg figured +in the Highland costume—a shirt and socks—in which to my eyes, at +least, he appeared to uncommon advantage; and no one had a better +chance to observe him, as will presently be seen. + +Being the savage’s bowsman, that is, the person who pulled the bow-oar +in his boat (the second one from forward), it was my cheerful duty to +attend upon him while taking that hard-scrabble scramble upon the dead +whale’s back. You have seen Italian organ-boys holding a dancing-ape by +a long cord. Just so, from the ship’s steep side, did I hold Queequeg +down there in the sea, by what is technically called in the fishery a +monkey-rope, attached to a strong strip of canvas belted round his +waist. + +It was a humorously perilous business for both of us. For, before we +proceed further, it must be said that the monkey-rope was fast at both +ends; fast to Queequeg’s broad canvas belt, and fast to my narrow +leather one. So that for better or for worse, we two, for the time, +were wedded; and should poor Queequeg sink to rise no more, then both +usage and honor demanded, that instead of cutting the cord, it should +drag me down in his wake. So, then, an elongated Siamese ligature +united us. Queequeg was my own inseparable twin brother; nor could I +any way get rid of the dangerous liabilities which the hempen bond +entailed. + +So strongly and metaphysically did I conceive of my situation then, +that while earnestly watching his motions, I seemed distinctly to +perceive that my own individuality was now merged in a joint stock +company of two; that my free will had received a mortal wound; and that +another’s mistake or misfortune might plunge innocent me into unmerited +disaster and death. Therefore, I saw that here was a sort of +interregnum in Providence; for its even-handed equity never could have +so gross an injustice. And yet still further pondering—while I jerked +him now and then from between the whale and ship, which would threaten +to jam him—still further pondering, I say, I saw that this situation of +mine was the precise situation of every mortal that breathes; only, in +most cases, he, one way or other, has this Siamese connexion with a +plurality of other mortals. If your banker breaks, you snap; if your +apothecary by mistake sends you poison in your pills, you die. True, +you may say that, by exceeding caution, you may possibly escape these +and the multitudinous other evil chances of life. But handle Queequeg’s +monkey-rope heedfully as I would, sometimes he jerked it so, that I +came very near sliding overboard. Nor could I possibly forget that, do +what I would, I only had the management of one end of it.* + +*The monkey-rope is found in all whalers; but it was only in the Pequod +that the monkey and his holder were ever tied together. This +improvement upon the original usage was introduced by no less a man +than Stubb, in order to afford the imperilled harpooneer the strongest +possible guarantee for the faithfulness and vigilance of his +monkey-rope holder. + +I have hinted that I would often jerk poor Queequeg from between the +whale and the ship—where he would occasionally fall, from the incessant +rolling and swaying of both. But this was not the only jamming jeopardy +he was exposed to. Unappalled by the massacre made upon them during the +night, the sharks now freshly and more keenly allured by the before +pent blood which began to flow from the carcass—the rabid creatures +swarmed round it like bees in a beehive. + +And right in among those sharks was Queequeg; who often pushed them +aside with his floundering feet. A thing altogether incredible were it +not that attracted by such prey as a dead whale, the otherwise +miscellaneously carnivorous shark will seldom touch a man. + +Nevertheless, it may well be believed that since they have such a +ravenous finger in the pie, it is deemed but wise to look sharp to +them. Accordingly, besides the monkey-rope, with which I now and then +jerked the poor fellow from too close a vicinity to the maw of what +seemed a peculiarly ferocious shark—he was provided with still another +protection. Suspended over the side in one of the stages, Tashtego and +Daggoo continually flourished over his head a couple of keen +whale-spades, wherewith they slaughtered as many sharks as they could +reach. This procedure of theirs, to be sure, was very disinterested and +benevolent of them. They meant Queequeg’s best happiness, I admit; but +in their hasty zeal to befriend him, and from the circumstance that +both he and the sharks were at times half hidden by the blood-muddled +water, those indiscreet spades of theirs would come nearer amputating a +leg than a tail. But poor Queequeg, I suppose, straining and gasping +there with that great iron hook—poor Queequeg, I suppose, only prayed +to his Yojo, and gave up his life into the hands of his gods. + +Well, well, my dear comrade and twin-brother, thought I, as I drew in +and then slacked off the rope to every swell of the sea—what matters +it, after all? Are you not the precious image of each and all of us men +in this whaling world? That unsounded ocean you gasp in, is Life; those +sharks, your foes; those spades, your friends; and what between sharks +and spades you are in a sad pickle and peril, poor lad. + +But courage! there is good cheer in store for you, Queequeg. For now, +as with blue lips and blood-shot eyes the exhausted savage at last +climbs up the chains and stands all dripping and involuntarily +trembling over the side; the steward advances, and with a benevolent, +consolatory glance hands him—what? Some hot Cognac? No! hands him, ye +gods! hands him a cup of tepid ginger and water! + +“Ginger? Do I smell ginger?” suspiciously asked Stubb, coming near. +“Yes, this must be ginger,” peering into the as yet untasted cup. Then +standing as if incredulous for a while, he calmly walked towards the +astonished steward slowly saying, “Ginger? ginger? and will you have +the goodness to tell me, Mr. Dough-Boy, where lies the virtue of +ginger? Ginger! is ginger the sort of fuel you use, Dough-boy, to +kindle a fire in this shivering cannibal? Ginger!—what the devil is +ginger? Sea-coal? firewood?—lucifer matches?—tinder?—gunpowder?—what +the devil is ginger, I say, that you offer this cup to our poor +Queequeg here.” + +“There is some sneaking Temperance Society movement about this +business,” he suddenly added, now approaching Starbuck, who had just +come from forward. “Will you look at that kannakin, sir: smell of it, +if you please.” Then watching the mate’s countenance, he added, “The +steward, Mr. Starbuck, had the face to offer that calomel and jalap to +Queequeg, there, this instant off the whale. Is the steward an +apothecary, sir? and may I ask whether this is the sort of bitters by +which he blows back the life into a half-drowned man?” + +“I trust not,” said Starbuck, “it is poor stuff enough.” + +“Aye, aye, steward,” cried Stubb, “we’ll teach you to drug a +harpooneer; none of your apothecary’s medicine here; you want to poison +us, do ye? You have got out insurances on our lives and want to murder +us all, and pocket the proceeds, do ye?” + +“It was not me,” cried Dough-Boy, “it was Aunt Charity that brought the +ginger on board; and bade me never give the harpooneers any spirits, +but only this ginger-jub—so she called it.” + +“Ginger-jub! you gingerly rascal! take that! and run along with ye to +the lockers, and get something better. I hope I do no wrong, Mr. +Starbuck. It is the captain’s orders—grog for the harpooneer on a +whale.” + +“Enough,” replied Starbuck, “only don’t hit him again, but—” + +“Oh, I never hurt when I hit, except when I hit a whale or something of +that sort; and this fellow’s a weazel. What were you about saying, +sir?” + +“Only this: go down with him, and get what thou wantest thyself.” + +When Stubb reappeared, he came with a dark flask in one hand, and a +sort of tea-caddy in the other. The first contained strong spirits, and +was handed to Queequeg; the second was Aunt Charity’s gift, and that +was freely given to the waves. + + +CHAPTER 73. Stubb and Flask kill a Right Whale; and Then Have a Talk +over Him. + +It must be borne in mind that all this time we have a Sperm Whale’s +prodigious head hanging to the Pequod’s side. But we must let it +continue hanging there a while till we can get a chance to attend to +it. For the present other matters press, and the best we can do now for +the head, is to pray heaven the tackles may hold. + +Now, during the past night and forenoon, the Pequod had gradually +drifted into a sea, which, by its occasional patches of yellow brit, +gave unusual tokens of the vicinity of Right Whales, a species of the +Leviathan that but few supposed to be at this particular time lurking +anywhere near. And though all hands commonly disdained the capture of +those inferior creatures; and though the Pequod was not commissioned to +cruise for them at all, and though she had passed numbers of them near +the Crozetts without lowering a boat; yet now that a Sperm Whale had +been brought alongside and beheaded, to the surprise of all, the +announcement was made that a Right Whale should be captured that day, +if opportunity offered. + +Nor was this long wanting. Tall spouts were seen to leeward; and two +boats, Stubb’s and Flask’s, were detached in pursuit. Pulling further +and further away, they at last became almost invisible to the men at +the mast-head. But suddenly in the distance, they saw a great heap of +tumultuous white water, and soon after news came from aloft that one or +both the boats must be fast. An interval passed and the boats were in +plain sight, in the act of being dragged right towards the ship by the +towing whale. So close did the monster come to the hull, that at first +it seemed as if he meant it malice; but suddenly going down in a +maelstrom, within three rods of the planks, he wholly disappeared from +view, as if diving under the keel. “Cut, cut!” was the cry from the +ship to the boats, which, for one instant, seemed on the point of being +brought with a deadly dash against the vessel’s side. But having plenty +of line yet in the tubs, and the whale not sounding very rapidly, they +paid out abundance of rope, and at the same time pulled with all their +might so as to get ahead of the ship. For a few minutes the struggle +was intensely critical; for while they still slacked out the tightened +line in one direction, and still plied their oars in another, the +contending strain threatened to take them under. But it was only a few +feet advance they sought to gain. And they stuck to it till they did +gain it; when instantly, a swift tremor was felt running like lightning +along the keel, as the strained line, scraping beneath the ship, +suddenly rose to view under her bows, snapping and quivering; and so +flinging off its drippings, that the drops fell like bits of broken +glass on the water, while the whale beyond also rose to sight, and once +more the boats were free to fly. But the fagged whale abated his speed, +and blindly altering his course, went round the stern of the ship +towing the two boats after him, so that they performed a complete +circuit. + +Meantime, they hauled more and more upon their lines, till close +flanking him on both sides, Stubb answered Flask with lance for lance; +and thus round and round the Pequod the battle went, while the +multitudes of sharks that had before swum round the Sperm Whale’s body, +rushed to the fresh blood that was spilled, thirstily drinking at every +new gash, as the eager Israelites did at the new bursting fountains +that poured from the smitten rock. + +At last his spout grew thick, and with a frightful roll and vomit, he +turned upon his back a corpse. + +While the two headsmen were engaged in making fast cords to his flukes, +and in other ways getting the mass in readiness for towing, some +conversation ensued between them. + +“I wonder what the old man wants with this lump of foul lard,” said +Stubb, not without some disgust at the thought of having to do with so +ignoble a leviathan. + +“Wants with it?” said Flask, coiling some spare line in the boat’s bow, +“did you never hear that the ship which but once has a Sperm Whale’s +head hoisted on her starboard side, and at the same time a Right +Whale’s on the larboard; did you never hear, Stubb, that that ship can +never afterwards capsize?” + +“Why not? + +“I don’t know, but I heard that gamboge ghost of a Fedallah saying so, +and he seems to know all about ships’ charms. But I sometimes think +he’ll charm the ship to no good at last. I don’t half like that chap, +Stubb. Did you ever notice how that tusk of his is a sort of carved +into a snake’s head, Stubb?” + +“Sink him! I never look at him at all; but if ever I get a chance of a +dark night, and he standing hard by the bulwarks, and no one by; look +down there, Flask”—pointing into the sea with a peculiar motion of both +hands—“Aye, will I! Flask, I take that Fedallah to be the devil in +disguise. Do you believe that cock and bull story about his having been +stowed away on board ship? He’s the devil, I say. The reason why you +don’t see his tail, is because he tucks it up out of sight; he carries +it coiled away in his pocket, I guess. Blast him! now that I think of +it, he’s always wanting oakum to stuff into the toes of his boots.” + +“He sleeps in his boots, don’t he? He hasn’t got any hammock; but I’ve +seen him lay of nights in a coil of rigging.” + +“No doubt, and it’s because of his cursed tail; he coils it down, do ye +see, in the eye of the rigging.” + +“What’s the old man have so much to do with him for?” + +“Striking up a swap or a bargain, I suppose.” + +“Bargain?—about what?” + +“Why, do ye see, the old man is hard bent after that White Whale, and +the devil there is trying to come round him, and get him to swap away +his silver watch, or his soul, or something of that sort, and then +he’ll surrender Moby Dick.” + +“Pooh! Stubb, you are skylarking; how can Fedallah do that?” + +“I don’t know, Flask, but the devil is a curious chap, and a wicked +one, I tell ye. Why, they say as how he went a sauntering into the old +flag-ship once, switching his tail about devilish easy and +gentlemanlike, and inquiring if the old governor was at home. Well, he +was at home, and asked the devil what he wanted. The devil, switching +his hoofs, up and says, ‘I want John.’ ‘What for?’ says the old +governor. ‘What business is that of yours,’ says the devil, getting +mad,—‘I want to use him.’ ‘Take him,’ says the governor—and by the +Lord, Flask, if the devil didn’t give John the Asiatic cholera before +he got through with him, I’ll eat this whale in one mouthful. But look +sharp—ain’t you all ready there? Well, then, pull ahead, and let’s get +the whale alongside.” + +“I think I remember some such story as you were telling,” said Flask, +when at last the two boats were slowly advancing with their burden +towards the ship, “but I can’t remember where.” + +“Three Spaniards? Adventures of those three bloody-minded soldadoes? +Did ye read it there, Flask? I guess ye did?” + +“No: never saw such a book; heard of it, though. But now, tell me, +Stubb, do you suppose that that devil you was speaking of just now, was +the same you say is now on board the Pequod?” + +“Am I the same man that helped kill this whale? Doesn’t the devil live +for ever; who ever heard that the devil was dead? Did you ever see any +parson a wearing mourning for the devil? And if the devil has a +latch-key to get into the admiral’s cabin, don’t you suppose he can +crawl into a porthole? Tell me that, Mr. Flask?” + +“How old do you suppose Fedallah is, Stubb?” + +“Do you see that mainmast there?” pointing to the ship; “well, that’s +the figure one; now take all the hoops in the Pequod’s hold, and string +along in a row with that mast, for oughts, do you see; well, that +wouldn’t begin to be Fedallah’s age. Nor all the coopers in creation +couldn’t show hoops enough to make oughts enough.” + +“But see here, Stubb, I thought you a little boasted just now, that you +meant to give Fedallah a sea-toss, if you got a good chance. Now, if +he’s so old as all those hoops of yours come to, and if he is going to +live for ever, what good will it do to pitch him overboard—tell me +that? + +“Give him a good ducking, anyhow.” + +“But he’d crawl back.” + +“Duck him again; and keep ducking him.” + +“Suppose he should take it into his head to duck you, though—yes, and +drown you—what then?” + +“I should like to see him try it; I’d give him such a pair of black +eyes that he wouldn’t dare to show his face in the admiral’s cabin +again for a long while, let alone down in the orlop there, where he +lives, and hereabouts on the upper decks where he sneaks so much. Damn +the devil, Flask; so you suppose I’m afraid of the devil? Who’s afraid +of him, except the old governor who daresn’t catch him and put him in +double-darbies, as he deserves, but lets him go about kidnapping +people; aye, and signed a bond with him, that all the people the devil +kidnapped, he’d roast for him? There’s a governor!” + +“Do you suppose Fedallah wants to kidnap Captain Ahab?” + +“Do I suppose it? You’ll know it before long, Flask. But I am going now +to keep a sharp look-out on him; and if I see anything very suspicious +going on, I’ll just take him by the nape of his neck, and say—Look +here, Beelzebub, you don’t do it; and if he makes any fuss, by the Lord +I’ll make a grab into his pocket for his tail, take it to the capstan, +and give him such a wrenching and heaving, that his tail will come +short off at the stump—do you see; and then, I rather guess when he +finds himself docked in that queer fashion, he’ll sneak off without the +poor satisfaction of feeling his tail between his legs.” + +“And what will you do with the tail, Stubb?” + +“Do with it? Sell it for an ox whip when we get home;—what else?” + +“Now, do you mean what you say, and have been saying all along, Stubb?” + +“Mean or not mean, here we are at the ship.” + +The boats were here hailed, to tow the whale on the larboard side, +where fluke chains and other necessaries were already prepared for +securing him. + +“Didn’t I tell you so?” said Flask; “yes, you’ll soon see this right +whale’s head hoisted up opposite that parmacetti’s.” + +In good time, Flask’s saying proved true. As before, the Pequod steeply +leaned over towards the sperm whale’s head, now, by the counterpoise of +both heads, she regained her even keel; though sorely strained, you may +well believe. So, when on one side you hoist in Locke’s head, you go +over that way; but now, on the other side, hoist in Kant’s and you come +back again; but in very poor plight. Thus, some minds for ever keep +trimming boat. Oh, ye foolish! throw all these thunder-heads overboard, +and then you will float light and right. + +In disposing of the body of a right whale, when brought alongside the +ship, the same preliminary proceedings commonly take place as in the +case of a sperm whale; only, in the latter instance, the head is cut +off whole, but in the former the lips and tongue are separately removed +and hoisted on deck, with all the well known black bone attached to +what is called the crown-piece. But nothing like this, in the present +case, had been done. The carcases of both whales had dropped astern; +and the head-laden ship not a little resembled a mule carrying a pair +of overburdening panniers. + +Meantime, Fedallah was calmly eyeing the right whale’s head, and ever +and anon glancing from the deep wrinkles there to the lines in his own +hand. And Ahab chanced so to stand, that the Parsee occupied his +shadow; while, if the Parsee’s shadow was there at all it seemed only +to blend with, and lengthen Ahab’s. As the crew toiled on, Laplandish +speculations were bandied among them, concerning all these passing +things. + + +CHAPTER 74. The Sperm Whale’s Head—Contrasted View. + +Here, now, are two great whales, laying their heads together; let us +join them, and lay together our own. + +Of the grand order of folio leviathans, the Sperm Whale and the Right +Whale are by far the most noteworthy. They are the only whales +regularly hunted by man. To the Nantucketer, they present the two +extremes of all the known varieties of the whale. As the external +difference between them is mainly observable in their heads; and as a +head of each is this moment hanging from the Pequod’s side; and as we +may freely go from one to the other, by merely stepping across the +deck:—where, I should like to know, will you obtain a better chance to +study practical cetology than here? + +In the first place, you are struck by the general contrast between +these heads. Both are massive enough in all conscience; but there is a +certain mathematical symmetry in the Sperm Whale’s which the Right +Whale’s sadly lacks. There is more character in the Sperm Whale’s head. +As you behold it, you involuntarily yield the immense superiority to +him, in point of pervading dignity. In the present instance, too, this +dignity is heightened by the pepper and salt colour of his head at the +summit, giving token of advanced age and large experience. In short, he +is what the fishermen technically call a “grey-headed whale.” + +Let us now note what is least dissimilar in these heads—namely, the two +most important organs, the eye and the ear. Far back on the side of the +head, and low down, near the angle of either whale’s jaw, if you +narrowly search, you will at last see a lashless eye, which you would +fancy to be a young colt’s eye; so out of all proportion is it to the +magnitude of the head. + +Now, from this peculiar sideway position of the whale’s eyes, it is +plain that he can never see an object which is exactly ahead, no more +than he can one exactly astern. In a word, the position of the whale’s +eyes corresponds to that of a man’s ears; and you may fancy, for +yourself, how it would fare with you, did you sideways survey objects +through your ears. You would find that you could only command some +thirty degrees of vision in advance of the straight side-line of sight; +and about thirty more behind it. If your bitterest foe were walking +straight towards you, with dagger uplifted in broad day, you would not +be able to see him, any more than if he were stealing upon you from +behind. In a word, you would have two backs, so to speak; but, at the +same time, also, two fronts (side fronts): for what is it that makes +the front of a man—what, indeed, but his eyes? + +Moreover, while in most other animals that I can now think of, the eyes +are so planted as imperceptibly to blend their visual power, so as to +produce one picture and not two to the brain; the peculiar position of +the whale’s eyes, effectually divided as they are by many cubic feet of +solid head, which towers between them like a great mountain separating +two lakes in valleys; this, of course, must wholly separate the +impressions which each independent organ imparts. The whale, therefore, +must see one distinct picture on this side, and another distinct +picture on that side; while all between must be profound darkness and +nothingness to him. Man may, in effect, be said to look out on the +world from a sentry-box with two joined sashes for his window. But with +the whale, these two sashes are separately inserted, making two +distinct windows, but sadly impairing the view. This peculiarity of the +whale’s eyes is a thing always to be borne in mind in the fishery; and +to be remembered by the reader in some subsequent scenes. + +A curious and most puzzling question might be started concerning this +visual matter as touching the Leviathan. But I must be content with a +hint. So long as a man’s eyes are open in the light, the act of seeing +is involuntary; that is, he cannot then help mechanically seeing +whatever objects are before him. Nevertheless, any one’s experience +will teach him, that though he can take in an undiscriminating sweep of +things at one glance, it is quite impossible for him, attentively, and +completely, to examine any two things—however large or however small—at +one and the same instant of time; never mind if they lie side by side +and touch each other. But if you now come to separate these two +objects, and surround each by a circle of profound darkness; then, in +order to see one of them, in such a manner as to bring your mind to +bear on it, the other will be utterly excluded from your contemporary +consciousness. How is it, then, with the whale? True, both his eyes, in +themselves, must simultaneously act; but is his brain so much more +comprehensive, combining, and subtle than man’s, that he can at the +same moment of time attentively examine two distinct prospects, one on +one side of him, and the other in an exactly opposite direction? If he +can, then is it as marvellous a thing in him, as if a man were able +simultaneously to go through the demonstrations of two distinct +problems in Euclid. Nor, strictly investigated, is there any +incongruity in this comparison. + +It may be but an idle whim, but it has always seemed to me, that the +extraordinary vacillations of movement displayed by some whales when +beset by three or four boats; the timidity and liability to queer +frights, so common to such whales; I think that all this indirectly +proceeds from the helpless perplexity of volition, in which their +divided and diametrically opposite powers of vision must involve them. + +But the ear of the whale is full as curious as the eye. If you are an +entire stranger to their race, you might hunt over these two heads for +hours, and never discover that organ. The ear has no external leaf +whatever; and into the hole itself you can hardly insert a quill, so +wondrously minute is it. It is lodged a little behind the eye. With +respect to their ears, this important difference is to be observed +between the sperm whale and the right. While the ear of the former has +an external opening, that of the latter is entirely and evenly covered +over with a membrane, so as to be quite imperceptible from without. + +Is it not curious, that so vast a being as the whale should see the +world through so small an eye, and hear the thunder through an ear +which is smaller than a hare’s? But if his eyes were broad as the lens +of Herschel’s great telescope; and his ears capacious as the porches of +cathedrals; would that make him any longer of sight, or sharper of +hearing? Not at all.—Why then do you try to “enlarge” your mind? +Subtilize it. + +Let us now with whatever levers and steam-engines we have at hand, cant +over the sperm whale’s head, that it may lie bottom up; then, ascending +by a ladder to the summit, have a peep down the mouth; and were it not +that the body is now completely separated from it, with a lantern we +might descend into the great Kentucky Mammoth Cave of his stomach. But +let us hold on here by this tooth, and look about us where we are. What +a really beautiful and chaste-looking mouth! from floor to ceiling, +lined, or rather papered with a glistening white membrane, glossy as +bridal satins. + +But come out now, and look at this portentous lower jaw, which seems +like the long narrow lid of an immense snuff-box, with the hinge at one +end, instead of one side. If you pry it up, so as to get it overhead, +and expose its rows of teeth, it seems a terrific portcullis; and such, +alas! it proves to many a poor wight in the fishery, upon whom these +spikes fall with impaling force. But far more terrible is it to behold, +when fathoms down in the sea, you see some sulky whale, floating there +suspended, with his prodigious jaw, some fifteen feet long, hanging +straight down at right-angles with his body, for all the world like a +ship’s jib-boom. This whale is not dead; he is only dispirited; out of +sorts, perhaps; hypochondriac; and so supine, that the hinges of his +jaw have relaxed, leaving him there in that ungainly sort of plight, a +reproach to all his tribe, who must, no doubt, imprecate lock-jaws upon +him. + +In most cases this lower jaw—being easily unhinged by a practised +artist—is disengaged and hoisted on deck for the purpose of extracting +the ivory teeth, and furnishing a supply of that hard white whalebone +with which the fishermen fashion all sorts of curious articles, +including canes, umbrella-stocks, and handles to riding-whips. + +With a long, weary hoist the jaw is dragged on board, as if it were an +anchor; and when the proper time comes—some few days after the other +work—Queequeg, Daggoo, and Tashtego, being all accomplished dentists, +are set to drawing teeth. With a keen cutting-spade, Queequeg lances +the gums; then the jaw is lashed down to ringbolts, and a tackle being +rigged from aloft, they drag out these teeth, as Michigan oxen drag +stumps of old oaks out of wild wood lands. There are generally +forty-two teeth in all; in old whales, much worn down, but undecayed; +nor filled after our artificial fashion. The jaw is afterwards sawn +into slabs, and piled away like joists for building houses. + + +CHAPTER 75. The Right Whale’s Head—Contrasted View. + +Crossing the deck, let us now have a good long look at the Right +Whale’s head. + +As in general shape the noble Sperm Whale’s head may be compared to a +Roman war-chariot (especially in front, where it is so broadly +rounded); so, at a broad view, the Right Whale’s head bears a rather +inelegant resemblance to a gigantic galliot-toed shoe. Two hundred +years ago an old Dutch voyager likened its shape to that of a +shoemaker’s last. And in this same last or shoe, that old woman of the +nursery tale, with the swarming brood, might very comfortably be +lodged, she and all her progeny. + +But as you come nearer to this great head it begins to assume different +aspects, according to your point of view. If you stand on its summit +and look at these two F-shaped spoutholes, you would take the whole +head for an enormous bass-viol, and these spiracles, the apertures in +its sounding-board. Then, again, if you fix your eye upon this strange, +crested, comb-like incrustation on the top of the mass—this green, +barnacled thing, which the Greenlanders call the “crown,” and the +Southern fishers the “bonnet” of the Right Whale; fixing your eyes +solely on this, you would take the head for the trunk of some huge oak, +with a bird’s nest in its crotch. At any rate, when you watch those +live crabs that nestle here on this bonnet, such an idea will be almost +sure to occur to you; unless, indeed, your fancy has been fixed by the +technical term “crown” also bestowed upon it; in which case you will +take great interest in thinking how this mighty monster is actually a +diademed king of the sea, whose green crown has been put together for +him in this marvellous manner. But if this whale be a king, he is a +very sulky looking fellow to grace a diadem. Look at that hanging lower +lip! what a huge sulk and pout is there! a sulk and pout, by +carpenter’s measurement, about twenty feet long and five feet deep; a +sulk and pout that will yield you some 500 gallons of oil and more. + +A great pity, now, that this unfortunate whale should be hare-lipped. +The fissure is about a foot across. Probably the mother during an +important interval was sailing down the Peruvian coast, when +earthquakes caused the beach to gape. Over this lip, as over a slippery +threshold, we now slide into the mouth. Upon my word were I at +Mackinaw, I should take this to be the inside of an Indian wigwam. Good +Lord! is this the road that Jonah went? The roof is about twelve feet +high, and runs to a pretty sharp angle, as if there were a regular +ridge-pole there; while these ribbed, arched, hairy sides, present us +with those wondrous, half vertical, scimetar-shaped slats of whalebone, +say three hundred on a side, which depending from the upper part of the +head or crown bone, form those Venetian blinds which have elsewhere +been cursorily mentioned. The edges of these bones are fringed with +hairy fibres, through which the Right Whale strains the water, and in +whose intricacies he retains the small fish, when openmouthed he goes +through the seas of brit in feeding time. In the central blinds of +bone, as they stand in their natural order, there are certain curious +marks, curves, hollows, and ridges, whereby some whalemen calculate the +creature’s age, as the age of an oak by its circular rings. Though the +certainty of this criterion is far from demonstrable, yet it has the +savor of analogical probability. At any rate, if we yield to it, we +must grant a far greater age to the Right Whale than at first glance +will seem reasonable. + +In old times, there seem to have prevailed the most curious fancies +concerning these blinds. One voyager in Purchas calls them the wondrous +“whiskers” inside of the whale’s mouth;* another, “hogs’ bristles”; a +third old gentleman in Hackluyt uses the following elegant language: +“There are about two hundred and fifty fins growing on each side of his +upper _chop_, which arch over his tongue on each side of his mouth.” + +*This reminds us that the Right Whale really has a sort of whisker, or +rather a moustache, consisting of a few scattered white hairs on the +upper part of the outer end of the lower jaw. Sometimes these tufts +impart a rather brigandish expression to his otherwise solemn +countenance. + +As every one knows, these same “hogs’ bristles,” “fins,” “whiskers,” +“blinds,” or whatever you please, furnish to the ladies their busks and +other stiffening contrivances. But in this particular, the demand has +long been on the decline. It was in Queen Anne’s time that the bone was +in its glory, the farthingale being then all the fashion. And as those +ancient dames moved about gaily, though in the jaws of the whale, as +you may say; even so, in a shower, with the like thoughtlessness, do we +nowadays fly under the same jaws for protection; the umbrella being a +tent spread over the same bone. + +But now forget all about blinds and whiskers for a moment, and, +standing in the Right Whale’s mouth, look around you afresh. Seeing all +these colonnades of bone so methodically ranged about, would you not +think you were inside of the great Haarlem organ, and gazing upon its +thousand pipes? For a carpet to the organ we have a rug of the softest +Turkey—the tongue, which is glued, as it were, to the floor of the +mouth. It is very fat and tender, and apt to tear in pieces in hoisting +it on deck. This particular tongue now before us; at a passing glance I +should say it was a six-barreler; that is, it will yield you about that +amount of oil. + +Ere this, you must have plainly seen the truth of what I started +with—that the Sperm Whale and the Right Whale have almost entirely +different heads. To sum up, then: in the Right Whale’s there is no +great well of sperm; no ivory teeth at all; no long, slender mandible +of a lower jaw, like the Sperm Whale’s. Nor in the Sperm Whale are +there any of those blinds of bone; no huge lower lip; and scarcely +anything of a tongue. Again, the Right Whale has two external +spout-holes, the Sperm Whale only one. + +Look your last, now, on these venerable hooded heads, while they yet +lie together; for one will soon sink, unrecorded, in the sea; the other +will not be very long in following. + +Can you catch the expression of the Sperm Whale’s there? It is the same +he died with, only some of the longer wrinkles in the forehead seem now +faded away. I think his broad brow to be full of a prairie-like +placidity, born of a speculative indifference as to death. But mark the +other head’s expression. See that amazing lower lip, pressed by +accident against the vessel’s side, so as firmly to embrace the jaw. +Does not this whole head seem to speak of an enormous practical +resolution in facing death? This Right Whale I take to have been a +Stoic; the Sperm Whale, a Platonian, who might have taken up Spinoza in +his latter years. + + +CHAPTER 76. The Battering-Ram. + +Ere quitting, for the nonce, the Sperm Whale’s head, I would have you, +as a sensible physiologist, simply—particularly remark its front +aspect, in all its compacted collectedness. I would have you +investigate it now with the sole view of forming to yourself some +unexaggerated, intelligent estimate of whatever battering-ram power may +be lodged there. Here is a vital point; for you must either +satisfactorily settle this matter with yourself, or for ever remain an +infidel as to one of the most appalling, but not the less true events, +perhaps anywhere to be found in all recorded history. + +You observe that in the ordinary swimming position of the Sperm Whale, +the front of his head presents an almost wholly vertical plane to the +water; you observe that the lower part of that front slopes +considerably backwards, so as to furnish more of a retreat for the long +socket which receives the boom-like lower jaw; you observe that the +mouth is entirely under the head, much in the same way, indeed, as +though your own mouth were entirely under your chin. Moreover you +observe that the whale has no external nose; and that what nose he +has—his spout hole—is on the top of his head; you observe that his eyes +and ears are at the sides of his head, nearly one third of his entire +length from the front. Wherefore, you must now have perceived that the +front of the Sperm Whale’s head is a dead, blind wall, without a single +organ or tender prominence of any sort whatsoever. Furthermore, you are +now to consider that only in the extreme, lower, backward sloping part +of the front of the head, is there the slightest vestige of bone; and +not till you get near twenty feet from the forehead do you come to the +full cranial development. So that this whole enormous boneless mass is +as one wad. Finally, though, as will soon be revealed, its contents +partly comprise the most delicate oil; yet, you are now to be apprised +of the nature of the substance which so impregnably invests all that +apparent effeminacy. In some previous place I have described to you how +the blubber wraps the body of the whale, as the rind wraps an orange. +Just so with the head; but with this difference: about the head this +envelope, though not so thick, is of a boneless toughness, inestimable +by any man who has not handled it. The severest pointed harpoon, the +sharpest lance darted by the strongest human arm, impotently rebounds +from it. It is as though the forehead of the Sperm Whale were paved +with horses’ hoofs. I do not think that any sensation lurks in it. + +Bethink yourself also of another thing. When two large, loaded Indiamen +chance to crowd and crush towards each other in the docks, what do the +sailors do? They do not suspend between them, at the point of coming +contact, any merely hard substance, like iron or wood. No, they hold +there a large, round wad of tow and cork, enveloped in the thickest and +toughest of ox-hide. That bravely and uninjured takes the jam which +would have snapped all their oaken handspikes and iron crow-bars. By +itself this sufficiently illustrates the obvious fact I drive at. But +supplementary to this, it has hypothetically occurred to me, that as +ordinary fish possess what is called a swimming bladder in them, +capable, at will, of distension or contraction; and as the Sperm Whale, +as far as I know, has no such provision in him; considering, too, the +otherwise inexplicable manner in which he now depresses his head +altogether beneath the surface, and anon swims with it high elevated +out of the water; considering the unobstructed elasticity of its +envelope; considering the unique interior of his head; it has +hypothetically occurred to me, I say, that those mystical lung-celled +honeycombs there may possibly have some hitherto unknown and +unsuspected connexion with the outer air, so as to be susceptible to +atmospheric distension and contraction. If this be so, fancy the +irresistibleness of that might, to which the most impalpable and +destructive of all elements contributes. + +Now, mark. Unerringly impelling this dead, impregnable, uninjurable +wall, and this most buoyant thing within; there swims behind it all a +mass of tremendous life, only to be adequately estimated as piled wood +is—by the cord; and all obedient to one volition, as the smallest +insect. So that when I shall hereafter detail to you all the +specialities and concentrations of potency everywhere lurking in this +expansive monster; when I shall show you some of his more +inconsiderable braining feats; I trust you will have renounced all +ignorant incredulity, and be ready to abide by this; that though the +Sperm Whale stove a passage through the Isthmus of Darien, and mixed +the Atlantic with the Pacific, you would not elevate one hair of your +eye-brow. For unless you own the whale, you are but a provincial and +sentimentalist in Truth. But clear Truth is a thing for salamander +giants only to encounter; how small the chances for the provincials +then? What befell the weakling youth lifting the dread goddess’s veil +at Lais? + + +CHAPTER 77. The Great Heidelburgh Tun. + +Now comes the Baling of the Case. But to comprehend it aright, you must +know something of the curious internal structure of the thing operated +upon. + +Regarding the Sperm Whale’s head as a solid oblong, you may, on an +inclined plane, sideways divide it into two quoins,* whereof the lower +is the bony structure, forming the cranium and jaws, and the upper an +unctuous mass wholly free from bones; its broad forward end forming the +expanded vertical apparent forehead of the whale. At the middle of the +forehead horizontally subdivide this upper quoin, and then you have two +almost equal parts, which before were naturally divided by an internal +wall of a thick tendinous substance. + +*Quoin is not a Euclidean term. It belongs to the pure nautical +mathematics. I know not that it has been defined before. A quoin is a +solid which differs from a wedge in having its sharp end formed by the +steep inclination of one side, instead of the mutual tapering of both +sides. + +The lower subdivided part, called the junk, is one immense honeycomb of +oil, formed by the crossing and recrossing, into ten thousand +infiltrated cells, of tough elastic white fibres throughout its whole +extent. The upper part, known as the Case, may be regarded as the great +Heidelburgh Tun of the Sperm Whale. And as that famous great tierce is +mystically carved in front, so the whale’s vast plaited forehead forms +innumerable strange devices for the emblematical adornment of his +wondrous tun. Moreover, as that of Heidelburgh was always replenished +with the most excellent of the wines of the Rhenish valleys, so the tun +of the whale contains by far the most precious of all his oily +vintages; namely, the highly-prized spermaceti, in its absolutely pure, +limpid, and odoriferous state. Nor is this precious substance found +unalloyed in any other part of the creature. Though in life it remains +perfectly fluid, yet, upon exposure to the air, after death, it soon +begins to concrete; sending forth beautiful crystalline shoots, as when +the first thin delicate ice is just forming in water. A large whale’s +case generally yields about five hundred gallons of sperm, though from +unavoidable circumstances, considerable of it is spilled, leaks, and +dribbles away, or is otherwise irrevocably lost in the ticklish +business of securing what you can. + +I know not with what fine and costly material the Heidelburgh Tun was +coated within, but in superlative richness that coating could not +possibly have compared with the silken pearl-coloured membrane, like +the lining of a fine pelisse, forming the inner surface of the Sperm +Whale’s case. + +It will have been seen that the Heidelburgh Tun of the Sperm Whale +embraces the entire length of the entire top of the head; and since—as +has been elsewhere set forth—the head embraces one third of the whole +length of the creature, then setting that length down at eighty feet +for a good sized whale, you have more than twenty-six feet for the +depth of the tun, when it is lengthwise hoisted up and down against a +ship’s side. + +As in decapitating the whale, the operator’s instrument is brought +close to the spot where an entrance is subsequently forced into the +spermaceti magazine; he has, therefore, to be uncommonly heedful, lest +a careless, untimely stroke should invade the sanctuary and wastingly +let out its invaluable contents. It is this decapitated end of the +head, also, which is at last elevated out of the water, and retained in +that position by the enormous cutting tackles, whose hempen +combinations, on one side, make quite a wilderness of ropes in that +quarter. + +Thus much being said, attend now, I pray you, to that marvellous and—in +this particular instance—almost fatal operation whereby the Sperm +Whale’s great Heidelburgh Tun is tapped. + + +CHAPTER 78. Cistern and Buckets. + +Nimble as a cat, Tashtego mounts aloft; and without altering his erect +posture, runs straight out upon the overhanging mainyard-arm, to the +part where it exactly projects over the hoisted Tun. He has carried +with him a light tackle called a whip, consisting of only two parts, +travelling through a single-sheaved block. Securing this block, so that +it hangs down from the yard-arm, he swings one end of the rope, till it +is caught and firmly held by a hand on deck. Then, hand-over-hand, down +the other part, the Indian drops through the air, till dexterously he +lands on the summit of the head. There—still high elevated above the +rest of the company, to whom he vivaciously cries—he seems some Turkish +Muezzin calling the good people to prayers from the top of a tower. A +short-handled sharp spade being sent up to him, he diligently searches +for the proper place to begin breaking into the Tun. In this business +he proceeds very heedfully, like a treasure-hunter in some old house, +sounding the walls to find where the gold is masoned in. By the time +this cautious search is over, a stout iron-bound bucket, precisely like +a well-bucket, has been attached to one end of the whip; while the +other end, being stretched across the deck, is there held by two or +three alert hands. These last now hoist the bucket within grasp of the +Indian, to whom another person has reached up a very long pole. +Inserting this pole into the bucket, Tashtego downward guides the +bucket into the Tun, till it entirely disappears; then giving the word +to the seamen at the whip, up comes the bucket again, all bubbling like +a dairy-maid’s pail of new milk. Carefully lowered from its height, the +full-freighted vessel is caught by an appointed hand, and quickly +emptied into a large tub. Then remounting aloft, it again goes through +the same round until the deep cistern will yield no more. Towards the +end, Tashtego has to ram his long pole harder and harder, and deeper +and deeper into the Tun, until some twenty feet of the pole have gone +down. + +Now, the people of the Pequod had been baling some time in this way; +several tubs had been filled with the fragrant sperm; when all at once +a queer accident happened. Whether it was that Tashtego, that wild +Indian, was so heedless and reckless as to let go for a moment his +one-handed hold on the great cabled tackles suspending the head; or +whether the place where he stood was so treacherous and oozy; or +whether the Evil One himself would have it to fall out so, without +stating his particular reasons; how it was exactly, there is no telling +now; but, on a sudden, as the eightieth or ninetieth bucket came +suckingly up—my God! poor Tashtego—like the twin reciprocating bucket +in a veritable well, dropped head-foremost down into this great Tun of +Heidelburgh, and with a horrible oily gurgling, went clean out of +sight! + +“Man overboard!” cried Daggoo, who amid the general consternation first +came to his senses. “Swing the bucket this way!” and putting one foot +into it, so as the better to secure his slippery hand-hold on the whip +itself, the hoisters ran him high up to the top of the head, almost +before Tashtego could have reached its interior bottom. Meantime, there +was a terrible tumult. Looking over the side, they saw the before +lifeless head throbbing and heaving just below the surface of the sea, +as if that moment seized with some momentous idea; whereas it was only +the poor Indian unconsciously revealing by those struggles the perilous +depth to which he had sunk. + +At this instant, while Daggoo, on the summit of the head, was clearing +the whip—which had somehow got foul of the great cutting tackles—a +sharp cracking noise was heard; and to the unspeakable horror of all, +one of the two enormous hooks suspending the head tore out, and with a +vast vibration the enormous mass sideways swung, till the drunk ship +reeled and shook as if smitten by an iceberg. The one remaining hook, +upon which the entire strain now depended, seemed every instant to be +on the point of giving way; an event still more likely from the violent +motions of the head. + +“Come down, come down!” yelled the seamen to Daggoo, but with one hand +holding on to the heavy tackles, so that if the head should drop, he +would still remain suspended; the negro having cleared the foul line, +rammed down the bucket into the now collapsed well, meaning that the +buried harpooneer should grasp it, and so be hoisted out. + +“In heaven’s name, man,” cried Stubb, “are you ramming home a cartridge +there?—Avast! How will that help him; jamming that iron-bound bucket on +top of his head? Avast, will ye!” + +“Stand clear of the tackle!” cried a voice like the bursting of a +rocket. + +Almost in the same instant, with a thunder-boom, the enormous mass +dropped into the sea, like Niagara’s Table-Rock into the whirlpool; the +suddenly relieved hull rolled away from it, to far down her glittering +copper; and all caught their breath, as half swinging—now over the +sailors’ heads, and now over the water—Daggoo, through a thick mist of +spray, was dimly beheld clinging to the pendulous tackles, while poor, +buried-alive Tashtego was sinking utterly down to the bottom of the +sea! But hardly had the blinding vapor cleared away, when a naked +figure with a boarding-sword in his hand, was for one swift moment seen +hovering over the bulwarks. The next, a loud splash announced that my +brave Queequeg had dived to the rescue. One packed rush was made to the +side, and every eye counted every ripple, as moment followed moment, +and no sign of either the sinker or the diver could be seen. Some hands +now jumped into a boat alongside, and pushed a little off from the +ship. + +“Ha! ha!” cried Daggoo, all at once, from his now quiet, swinging perch +overhead; and looking further off from the side, we saw an arm thrust +upright from the blue waves; a sight strange to see, as an arm thrust +forth from the grass over a grave. + +“Both! both!—it is both!”—cried Daggoo again with a joyful shout; and +soon after, Queequeg was seen boldly striking out with one hand, and +with the other clutching the long hair of the Indian. Drawn into the +waiting boat, they were quickly brought to the deck; but Tashtego was +long in coming to, and Queequeg did not look very brisk. + +Now, how had this noble rescue been accomplished? Why, diving after the +slowly descending head, Queequeg with his keen sword had made side +lunges near its bottom, so as to scuttle a large hole there; then +dropping his sword, had thrust his long arm far inwards and upwards, +and so hauled out poor Tash by the head. He averred, that upon first +thrusting in for him, a leg was presented; but well knowing that that +was not as it ought to be, and might occasion great trouble;—he had +thrust back the leg, and by a dexterous heave and toss, had wrought a +somerset upon the Indian; so that with the next trial, he came forth in +the good old way—head foremost. As for the great head itself, that was +doing as well as could be expected. + +And thus, through the courage and great skill in obstetrics of +Queequeg, the deliverance, or rather, delivery of Tashtego, was +successfully accomplished, in the teeth, too, of the most untoward and +apparently hopeless impediments; which is a lesson by no means to be +forgotten. Midwifery should be taught in the same course with fencing +and boxing, riding and rowing. + +I know that this queer adventure of the Gay-Header’s will be sure to +seem incredible to some landsmen, though they themselves may have +either seen or heard of some one’s falling into a cistern ashore; an +accident which not seldom happens, and with much less reason too than +the Indian’s, considering the exceeding slipperiness of the curb of the +Sperm Whale’s well. + +But, peradventure, it may be sagaciously urged, how is this? We thought +the tissued, infiltrated head of the Sperm Whale, was the lightest and +most corky part about him; and yet thou makest it sink in an element of +a far greater specific gravity than itself. We have thee there. Not at +all, but I have ye; for at the time poor Tash fell in, the case had +been nearly emptied of its lighter contents, leaving little but the +dense tendinous wall of the well—a double welded, hammered substance, +as I have before said, much heavier than the sea water, and a lump of +which sinks in it like lead almost. But the tendency to rapid sinking +in this substance was in the present instance materially counteracted +by the other parts of the head remaining undetached from it, so that it +sank very slowly and deliberately indeed, affording Queequeg a fair +chance for performing his agile obstetrics on the run, as you may say. +Yes, it was a running delivery, so it was. + +Now, had Tashtego perished in that head, it had been a very precious +perishing; smothered in the very whitest and daintiest of fragrant +spermaceti; coffined, hearsed, and tombed in the secret inner chamber +and sanctum sanctorum of the whale. Only one sweeter end can readily be +recalled—the delicious death of an Ohio honey-hunter, who seeking honey +in the crotch of a hollow tree, found such exceeding store of it, that +leaning too far over, it sucked him in, so that he died embalmed. How +many, think ye, have likewise fallen into Plato’s honey head, and +sweetly perished there? + + +CHAPTER 79. The Prairie. + +To scan the lines of his face, or feel the bumps on the head of this +Leviathan; this is a thing which no Physiognomist or Phrenologist has +as yet undertaken. Such an enterprise would seem almost as hopeful as +for Lavater to have scrutinized the wrinkles on the Rock of Gibraltar, +or for Gall to have mounted a ladder and manipulated the Dome of the +Pantheon. Still, in that famous work of his, Lavater not only treats of +the various faces of men, but also attentively studies the faces of +horses, birds, serpents, and fish; and dwells in detail upon the +modifications of expression discernible therein. Nor have Gall and his +disciple Spurzheim failed to throw out some hints touching the +phrenological characteristics of other beings than man. Therefore, +though I am but ill qualified for a pioneer, in the application of +these two semi-sciences to the whale, I will do my endeavor. I try all +things; I achieve what I can. + +Physiognomically regarded, the Sperm Whale is an anomalous creature. He +has no proper nose. And since the nose is the central and most +conspicuous of the features; and since it perhaps most modifies and +finally controls their combined expression; hence it would seem that +its entire absence, as an external appendage, must very largely affect +the countenance of the whale. For as in landscape gardening, a spire, +cupola, monument, or tower of some sort, is deemed almost indispensable +to the completion of the scene; so no face can be physiognomically in +keeping without the elevated open-work belfry of the nose. Dash the +nose from Phidias’s marble Jove, and what a sorry remainder! +Nevertheless, Leviathan is of so mighty a magnitude, all his +proportions are so stately, that the same deficiency which in the +sculptured Jove were hideous, in him is no blemish at all. Nay, it is +an added grandeur. A nose to the whale would have been impertinent. As +on your physiognomical voyage you sail round his vast head in your +jolly-boat, your noble conceptions of him are never insulted by the +reflection that he has a nose to be pulled. A pestilent conceit, which +so often will insist upon obtruding even when beholding the mightiest +royal beadle on his throne. + +In some particulars, perhaps the most imposing physiognomical view to +be had of the Sperm Whale, is that of the full front of his head. This +aspect is sublime. + +In thought, a fine human brow is like the East when troubled with the +morning. In the repose of the pasture, the curled brow of the bull has +a touch of the grand in it. Pushing heavy cannon up mountain defiles, +the elephant’s brow is majestic. Human or animal, the mystical brow is +as that great golden seal affixed by the German emperors to their +decrees. It signifies—“God: done this day by my hand.” But in most +creatures, nay in man himself, very often the brow is but a mere strip +of alpine land lying along the snow line. Few are the foreheads which +like Shakespeare’s or Melancthon’s rise so high, and descend so low, +that the eyes themselves seem clear, eternal, tideless mountain lakes; +and all above them in the forehead’s wrinkles, you seem to track the +antlered thoughts descending there to drink, as the Highland hunters +track the snow prints of the deer. But in the great Sperm Whale, this +high and mighty god-like dignity inherent in the brow is so immensely +amplified, that gazing on it, in that full front view, you feel the +Deity and the dread powers more forcibly than in beholding any other +object in living nature. For you see no one point precisely; not one +distinct feature is revealed; no nose, eyes, ears, or mouth; no face; +he has none, proper; nothing but that one broad firmament of a +forehead, pleated with riddles; dumbly lowering with the doom of boats, +and ships, and men. Nor, in profile, does this wondrous brow diminish; +though that way viewed its grandeur does not domineer upon you so. In +profile, you plainly perceive that horizontal, semi-crescentic +depression in the forehead’s middle, which, in man, is Lavater’s mark +of genius. + +But how? Genius in the Sperm Whale? Has the Sperm Whale ever written a +book, spoken a speech? No, his great genius is declared in his doing +nothing particular to prove it. It is moreover declared in his +pyramidical silence. And this reminds me that had the great Sperm Whale +been known to the young Orient World, he would have been deified by +their child-magian thoughts. They deified the crocodile of the Nile, +because the crocodile is tongueless; and the Sperm Whale has no tongue, +or at least it is so exceedingly small, as to be incapable of +protrusion. If hereafter any highly cultured, poetical nation shall +lure back to their birth-right, the merry May-day gods of old; and +livingly enthrone them again in the now egotistical sky; in the now +unhaunted hill; then be sure, exalted to Jove’s high seat, the great +Sperm Whale shall lord it. + +Champollion deciphered the wrinkled granite hieroglyphics. But there is +no Champollion to decipher the Egypt of every man’s and every being’s +face. Physiognomy, like every other human science, is but a passing +fable. If then, Sir William Jones, who read in thirty languages, could +not read the simplest peasant’s face in its profounder and more subtle +meanings, how may unlettered Ishmael hope to read the awful Chaldee of +the Sperm Whale’s brow? I but put that brow before you. Read it if you +can. + + +CHAPTER 80. The Nut. + +If the Sperm Whale be physiognomically a Sphinx, to the phrenologist +his brain seems that geometrical circle which it is impossible to +square. + +In the full-grown creature the skull will measure at least twenty feet +in length. Unhinge the lower jaw, and the side view of this skull is as +the side of a moderately inclined plane resting throughout on a level +base. But in life—as we have elsewhere seen—this inclined plane is +angularly filled up, and almost squared by the enormous superincumbent +mass of the junk and sperm. At the high end the skull forms a crater to +bed that part of the mass; while under the long floor of this crater—in +another cavity seldom exceeding ten inches in length and as many in +depth—reposes the mere handful of this monster’s brain. The brain is at +least twenty feet from his apparent forehead in life; it is hidden away +behind its vast outworks, like the innermost citadel within the +amplified fortifications of Quebec. So like a choice casket is it +secreted in him, that I have known some whalemen who peremptorily deny +that the Sperm Whale has any other brain than that palpable semblance +of one formed by the cubic-yards of his sperm magazine. Lying in +strange folds, courses, and convolutions, to their apprehensions, it +seems more in keeping with the idea of his general might to regard that +mystic part of him as the seat of his intelligence. + +It is plain, then, that phrenologically the head of this Leviathan, in +the creature’s living intact state, is an entire delusion. As for his +true brain, you can then see no indications of it, nor feel any. The +whale, like all things that are mighty, wears a false brow to the +common world. + +If you unload his skull of its spermy heaps and then take a rear view +of its rear end, which is the high end, you will be struck by its +resemblance to the human skull, beheld in the same situation, and from +the same point of view. Indeed, place this reversed skull (scaled down +to the human magnitude) among a plate of men’s skulls, and you would +involuntarily confound it with them; and remarking the depressions on +one part of its summit, in phrenological phrase you would say—This man +had no self-esteem, and no veneration. And by those negations, +considered along with the affirmative fact of his prodigious bulk and +power, you can best form to yourself the truest, though not the most +exhilarating conception of what the most exalted potency is. + +But if from the comparative dimensions of the whale’s proper brain, you +deem it incapable of being adequately charted, then I have another idea +for you. If you attentively regard almost any quadruped’s spine, you +will be struck with the resemblance of its vertebræ to a strung +necklace of dwarfed skulls, all bearing rudimental resemblance to the +skull proper. It is a German conceit, that the vertebræ are absolutely +undeveloped skulls. But the curious external resemblance, I take it the +Germans were not the first men to perceive. A foreign friend once +pointed it out to me, in the skeleton of a foe he had slain, and with +the vertebræ of which he was inlaying, in a sort of basso-relievo, the +beaked prow of his canoe. Now, I consider that the phrenologists have +omitted an important thing in not pushing their investigations from the +cerebellum through the spinal canal. For I believe that much of a man’s +character will be found betokened in his backbone. I would rather feel +your spine than your skull, whoever you are. A thin joist of a spine +never yet upheld a full and noble soul. I rejoice in my spine, as in +the firm audacious staff of that flag which I fling half out to the +world. + +Apply this spinal branch of phrenology to the Sperm Whale. His cranial +cavity is continuous with the first neck-vertebra; and in that vertebra +the bottom of the spinal canal will measure ten inches across, being +eight in height, and of a triangular figure with the base downwards. As +it passes through the remaining vertebræ the canal tapers in size, but +for a considerable distance remains of large capacity. Now, of course, +this canal is filled with much the same strangely fibrous substance—the +spinal cord—as the brain; and directly communicates with the brain. And +what is still more, for many feet after emerging from the brain’s +cavity, the spinal cord remains of an undecreasing girth, almost equal +to that of the brain. Under all these circumstances, would it be +unreasonable to survey and map out the whale’s spine phrenologically? +For, viewed in this light, the wonderful comparative smallness of his +brain proper is more than compensated by the wonderful comparative +magnitude of his spinal cord. + +But leaving this hint to operate as it may with the phrenologists, I +would merely assume the spinal theory for a moment, in reference to the +Sperm Whale’s hump. This august hump, if I mistake not, rises over one +of the larger vertebræ, and is, therefore, in some sort, the outer +convex mould of it. From its relative situation then, I should call +this high hump the organ of firmness or indomitableness in the Sperm +Whale. And that the great monster is indomitable, you will yet have +reason to know. + + +CHAPTER 81. The Pequod Meets The Virgin. + +The predestinated day arrived, and we duly met the ship Jungfrau, +Derick De Deer, master, of Bremen. + +At one time the greatest whaling people in the world, the Dutch and +Germans are now among the least; but here and there at very wide +intervals of latitude and longitude, you still occasionally meet with +their flag in the Pacific. + +For some reason, the Jungfrau seemed quite eager to pay her respects. +While yet some distance from the Pequod, she rounded to, and dropping a +boat, her captain was impelled towards us, impatiently standing in the +bows instead of the stern. + +“What has he in his hand there?” cried Starbuck, pointing to something +wavingly held by the German. “Impossible!—a lamp-feeder!” + +“Not that,” said Stubb, “no, no, it’s a coffee-pot, Mr. Starbuck; he’s +coming off to make us our coffee, is the Yarman; don’t you see that big +tin can there alongside of him?—that’s his boiling water. Oh! he’s all +right, is the Yarman.” + +“Go along with you,” cried Flask, “it’s a lamp-feeder and an oil-can. +He’s out of oil, and has come a-begging.” + +However curious it may seem for an oil-ship to be borrowing oil on the +whale-ground, and however much it may invertedly contradict the old +proverb about carrying coals to Newcastle, yet sometimes such a thing +really happens; and in the present case Captain Derick De Deer did +indubitably conduct a lamp-feeder as Flask did declare. + +As he mounted the deck, Ahab abruptly accosted him, without at all +heeding what he had in his hand; but in his broken lingo, the German +soon evinced his complete ignorance of the White Whale; immediately +turning the conversation to his lamp-feeder and oil can, with some +remarks touching his having to turn into his hammock at night in +profound darkness—his last drop of Bremen oil being gone, and not a +single flying-fish yet captured to supply the deficiency; concluding by +hinting that his ship was indeed what in the Fishery is technically +called a _clean_ one (that is, an empty one), well deserving the name +of Jungfrau or the Virgin. + +His necessities supplied, Derick departed; but he had not gained his +ship’s side, when whales were almost simultaneously raised from the +mast-heads of both vessels; and so eager for the chase was Derick, that +without pausing to put his oil-can and lamp-feeder aboard, he slewed +round his boat and made after the leviathan lamp-feeders. + +Now, the game having risen to leeward, he and the other three German +boats that soon followed him, had considerably the start of the +Pequod’s keels. There were eight whales, an average pod. Aware of their +danger, they were going all abreast with great speed straight before +the wind, rubbing their flanks as closely as so many spans of horses in +harness. They left a great, wide wake, as though continually unrolling +a great wide parchment upon the sea. + +Full in this rapid wake, and many fathoms in the rear, swam a huge, +humped old bull, which by his comparatively slow progress, as well as +by the unusual yellowish incrustations overgrowing him, seemed +afflicted with the jaundice, or some other infirmity. Whether this +whale belonged to the pod in advance, seemed questionable; for it is +not customary for such venerable leviathans to be at all social. +Nevertheless, he stuck to their wake, though indeed their back water +must have retarded him, because the white-bone or swell at his broad +muzzle was a dashed one, like the swell formed when two hostile +currents meet. His spout was short, slow, and laborious; coming forth +with a choking sort of gush, and spending itself in torn shreds, +followed by strange subterranean commotions in him, which seemed to +have egress at his other buried extremity, causing the waters behind +him to upbubble. + +“Who’s got some paregoric?” said Stubb, “he has the stomach-ache, I’m +afraid. Lord, think of having half an acre of stomach-ache! Adverse +winds are holding mad Christmas in him, boys. It’s the first foul wind +I ever knew to blow from astern; but look, did ever whale yaw so +before? it must be, he’s lost his tiller.” + +As an overladen Indiaman bearing down the Hindostan coast with a deck +load of frightened horses, careens, buries, rolls, and wallows on her +way; so did this old whale heave his aged bulk, and now and then partly +turning over on his cumbrous rib-ends, expose the cause of his devious +wake in the unnatural stump of his starboard fin. Whether he had lost +that fin in battle, or had been born without it, it were hard to say. + +“Only wait a bit, old chap, and I’ll give ye a sling for that wounded +arm,” cried cruel Flask, pointing to the whale-line near him. + +“Mind he don’t sling thee with it,” cried Starbuck. “Give way, or the +German will have him.” + +With one intent all the combined rival boats were pointed for this one +fish, because not only was he the largest, and therefore the most +valuable whale, but he was nearest to them, and the other whales were +going with such great velocity, moreover, as almost to defy pursuit for +the time. At this juncture the Pequod’s keels had shot by the three +German boats last lowered; but from the great start he had had, +Derick’s boat still led the chase, though every moment neared by his +foreign rivals. The only thing they feared, was, that from being +already so nigh to his mark, he would be enabled to dart his iron +before they could completely overtake and pass him. As for Derick, he +seemed quite confident that this would be the case, and occasionally +with a deriding gesture shook his lamp-feeder at the other boats. + +“The ungracious and ungrateful dog!” cried Starbuck; “he mocks and +dares me with the very poor-box I filled for him not five minutes +ago!”—then in his old intense whisper—“Give way, greyhounds! Dog to +it!” + +“I tell ye what it is, men”—cried Stubb to his crew—“it’s against my +religion to get mad; but I’d like to eat that villainous +Yarman—Pull—won’t ye? Are ye going to let that rascal beat ye? Do ye +love brandy? A hogshead of brandy, then, to the best man. Come, why +don’t some of ye burst a blood-vessel? Who’s that been dropping an +anchor overboard—we don’t budge an inch—we’re becalmed. Halloo, here’s +grass growing in the boat’s bottom—and by the Lord, the mast there’s +budding. This won’t do, boys. Look at that Yarman! The short and long +of it is, men, will ye spit fire or not?” + +“Oh! see the suds he makes!” cried Flask, dancing up and down—“What a +hump—Oh, _do_ pile on the beef—lays like a log! Oh! my lads, _do_ +spring—slap-jacks and quahogs for supper, you know, my lads—baked clams +and muffins—oh, _do_, _do_, spring,—he’s a hundred barreller—don’t lose +him now—don’t oh, _don’t!_—see that Yarman—Oh, won’t ye pull for your +duff, my lads—such a sog! such a sogger! Don’t ye love sperm? There +goes three thousand dollars, men!—a bank!—a whole bank! The bank of +England!—Oh, _do_, _do_, _do!_—What’s that Yarman about now?” + +At this moment Derick was in the act of pitching his lamp-feeder at the +advancing boats, and also his oil-can; perhaps with the double view of +retarding his rivals’ way, and at the same time economically +accelerating his own by the momentary impetus of the backward toss. + +“The unmannerly Dutch dogger!” cried Stubb. “Pull now, men, like fifty +thousand line-of-battle-ship loads of red-haired devils. What d’ye say, +Tashtego; are you the man to snap your spine in two-and-twenty pieces +for the honor of old Gayhead? What d’ye say?” + +“I say, pull like god-dam,”—cried the Indian. + +Fiercely, but evenly incited by the taunts of the German, the Pequod’s +three boats now began ranging almost abreast; and, so disposed, +momentarily neared him. In that fine, loose, chivalrous attitude of the +headsman when drawing near to his prey, the three mates stood up +proudly, occasionally backing the after oarsman with an exhilarating +cry of, “There she slides, now! Hurrah for the white-ash breeze! Down +with the Yarman! Sail over him!” + +But so decided an original start had Derick had, that spite of all +their gallantry, he would have proved the victor in this race, had not +a righteous judgment descended upon him in a crab which caught the +blade of his midship oarsman. While this clumsy lubber was striving to +free his white-ash, and while, in consequence, Derick’s boat was nigh +to capsizing, and he thundering away at his men in a mighty rage;—that +was a good time for Starbuck, Stubb, and Flask. With a shout, they took +a mortal start forwards, and slantingly ranged up on the German’s +quarter. An instant more, and all four boats were diagonically in the +whale’s immediate wake, while stretching from them, on both sides, was +the foaming swell that he made. + +It was a terrific, most pitiable, and maddening sight. The whale was +now going head out, and sending his spout before him in a continual +tormented jet; while his one poor fin beat his side in an agony of +fright. Now to this hand, now to that, he yawed in his faltering +flight, and still at every billow that he broke, he spasmodically sank +in the sea, or sideways rolled towards the sky his one beating fin. So +have I seen a bird with clipped wing making affrighted broken circles +in the air, vainly striving to escape the piratical hawks. But the bird +has a voice, and with plaintive cries will make known her fear; but the +fear of this vast dumb brute of the sea, was chained up and enchanted +in him; he had no voice, save that choking respiration through his +spiracle, and this made the sight of him unspeakably pitiable; while +still, in his amazing bulk, portcullis jaw, and omnipotent tail, there +was enough to appal the stoutest man who so pitied. + +Seeing now that but a very few moments more would give the Pequod’s +boats the advantage, and rather than be thus foiled of his game, Derick +chose to hazard what to him must have seemed a most unusually long +dart, ere the last chance would for ever escape. + +But no sooner did his harpooneer stand up for the stroke, than all +three tigers—Queequeg, Tashtego, Daggoo—instinctively sprang to their +feet, and standing in a diagonal row, simultaneously pointed their +barbs; and darted over the head of the German harpooneer, their three +Nantucket irons entered the whale. Blinding vapors of foam and +white-fire! The three boats, in the first fury of the whale’s headlong +rush, bumped the German’s aside with such force, that both Derick and +his baffled harpooneer were spilled out, and sailed over by the three +flying keels. + +“Don’t be afraid, my butter-boxes,” cried Stubb, casting a passing +glance upon them as he shot by; “ye’ll be picked up presently—all +right—I saw some sharks astern—St. Bernard’s dogs, you know—relieve +distressed travellers. Hurrah! this is the way to sail now. Every keel +a sunbeam! Hurrah!—Here we go like three tin kettles at the tail of a +mad cougar! This puts me in mind of fastening to an elephant in a +tilbury on a plain—makes the wheel-spokes fly, boys, when you fasten to +him that way; and there’s danger of being pitched out too, when you +strike a hill. Hurrah! this is the way a fellow feels when he’s going +to Davy Jones—all a rush down an endless inclined plane! Hurrah! this +whale carries the everlasting mail!” + +But the monster’s run was a brief one. Giving a sudden gasp, he +tumultuously sounded. With a grating rush, the three lines flew round +the loggerheads with such a force as to gouge deep grooves in them; +while so fearful were the harpooneers that this rapid sounding would +soon exhaust the lines, that using all their dexterous might, they +caught repeated smoking turns with the rope to hold on; till at +last—owing to the perpendicular strain from the lead-lined chocks of +the boats, whence the three ropes went straight down into the blue—the +gunwales of the bows were almost even with the water, while the three +sterns tilted high in the air. And the whale soon ceasing to sound, for +some time they remained in that attitude, fearful of expending more +line, though the position was a little ticklish. But though boats have +been taken down and lost in this way, yet it is this “holding on,” as +it is called; this hooking up by the sharp barbs of his live flesh from +the back; this it is that often torments the Leviathan into soon rising +again to meet the sharp lance of his foes. Yet not to speak of the +peril of the thing, it is to be doubted whether this course is always +the best; for it is but reasonable to presume, that the longer the +stricken whale stays under water, the more he is exhausted. Because, +owing to the enormous surface of him—in a full grown sperm whale +something less than 2000 square feet—the pressure of the water is +immense. We all know what an astonishing atmospheric weight we +ourselves stand up under; even here, above-ground, in the air; how +vast, then, the burden of a whale, bearing on his back a column of two +hundred fathoms of ocean! It must at least equal the weight of fifty +atmospheres. One whaleman has estimated it at the weight of twenty +line-of-battle ships, with all their guns, and stores, and men on +board. + +As the three boats lay there on that gently rolling sea, gazing down +into its eternal blue noon; and as not a single groan or cry of any +sort, nay, not so much as a ripple or a bubble came up from its depths; +what landsman would have thought, that beneath all that silence and +placidity, the utmost monster of the seas was writhing and wrenching in +agony! Not eight inches of perpendicular rope were visible at the bows. +Seems it credible that by three such thin threads the great Leviathan +was suspended like the big weight to an eight day clock. Suspended? and +to what? To three bits of board. Is this the creature of whom it was +once so triumphantly said—“Canst thou fill his skin with barbed irons? +or his head with fish-spears? The sword of him that layeth at him +cannot hold, the spear, the dart, nor the habergeon: he esteemeth iron +as straw; the arrow cannot make him flee; darts are counted as stubble; +he laugheth at the shaking of a spear!” This the creature? this he? Oh! +that unfulfilments should follow the prophets. For with the strength of +a thousand thighs in his tail, Leviathan had run his head under the +mountains of the sea, to hide him from the Pequod’s fish-spears! + +In that sloping afternoon sunlight, the shadows that the three boats +sent down beneath the surface, must have been long enough and broad +enough to shade half Xerxes’ army. Who can tell how appalling to the +wounded whale must have been such huge phantoms flitting over his head! + +“Stand by, men; he stirs,” cried Starbuck, as the three lines suddenly +vibrated in the water, distinctly conducting upwards to them, as by +magnetic wires, the life and death throbs of the whale, so that every +oarsman felt them in his seat. The next moment, relieved in great part +from the downward strain at the bows, the boats gave a sudden bounce +upwards, as a small icefield will, when a dense herd of white bears are +scared from it into the sea. + +“Haul in! Haul in!” cried Starbuck again; “he’s rising.” + +The lines, of which, hardly an instant before, not one hand’s breadth +could have been gained, were now in long quick coils flung back all +dripping into the boats, and soon the whale broke water within two +ship’s lengths of the hunters. + +His motions plainly denoted his extreme exhaustion. In most land +animals there are certain valves or flood-gates in many of their veins, +whereby when wounded, the blood is in some degree at least instantly +shut off in certain directions. Not so with the whale; one of whose +peculiarities it is to have an entire non-valvular structure of the +blood-vessels, so that when pierced even by so small a point as a +harpoon, a deadly drain is at once begun upon his whole arterial +system; and when this is heightened by the extraordinary pressure of +water at a great distance below the surface, his life may be said to +pour from him in incessant streams. Yet so vast is the quantity of +blood in him, and so distant and numerous its interior fountains, that +he will keep thus bleeding and bleeding for a considerable period; even +as in a drought a river will flow, whose source is in the well-springs +of far-off and undiscernible hills. Even now, when the boats pulled +upon this whale, and perilously drew over his swaying flukes, and the +lances were darted into him, they were followed by steady jets from the +new made wound, which kept continually playing, while the natural +spout-hole in his head was only at intervals, however rapid, sending +its affrighted moisture into the air. From this last vent no blood yet +came, because no vital part of him had thus far been struck. His life, +as they significantly call it, was untouched. + +As the boats now more closely surrounded him, the whole upper part of +his form, with much of it that is ordinarily submerged, was plainly +revealed. His eyes, or rather the places where his eyes had been, were +beheld. As strange misgrown masses gather in the knot-holes of the +noblest oaks when prostrate, so from the points which the whale’s eyes +had once occupied, now protruded blind bulbs, horribly pitiable to see. +But pity there was none. For all his old age, and his one arm, and his +blind eyes, he must die the death and be murdered, in order to light +the gay bridals and other merry-makings of men, and also to illuminate +the solemn churches that preach unconditional inoffensiveness by all to +all. Still rolling in his blood, at last he partially disclosed a +strangely discoloured bunch or protuberance, the size of a bushel, low +down on the flank. + +“A nice spot,” cried Flask; “just let me prick him there once.” + +“Avast!” cried Starbuck, “there’s no need of that!” + +But humane Starbuck was too late. At the instant of the dart an +ulcerous jet shot from this cruel wound, and goaded by it into more +than sufferable anguish, the whale now spouting thick blood, with swift +fury blindly darted at the craft, bespattering them and their glorying +crews all over with showers of gore, capsizing Flask’s boat and marring +the bows. It was his death stroke. For, by this time, so spent was he +by loss of blood, that he helplessly rolled away from the wreck he had +made; lay panting on his side, impotently flapped with his stumped fin, +then over and over slowly revolved like a waning world; turned up the +white secrets of his belly; lay like a log, and died. It was most +piteous, that last expiring spout. As when by unseen hands the water is +gradually drawn off from some mighty fountain, and with half-stifled +melancholy gurglings the spray-column lowers and lowers to the +ground—so the last long dying spout of the whale. + +Soon, while the crews were awaiting the arrival of the ship, the body +showed symptoms of sinking with all its treasures unrifled. +Immediately, by Starbuck’s orders, lines were secured to it at +different points, so that ere long every boat was a buoy; the sunken +whale being suspended a few inches beneath them by the cords. By very +heedful management, when the ship drew nigh, the whale was transferred +to her side, and was strongly secured there by the stiffest +fluke-chains, for it was plain that unless artificially upheld, the +body would at once sink to the bottom. + +It so chanced that almost upon first cutting into him with the spade, +the entire length of a corroded harpoon was found imbedded in his +flesh, on the lower part of the bunch before described. But as the +stumps of harpoons are frequently found in the dead bodies of captured +whales, with the flesh perfectly healed around them, and no prominence +of any kind to denote their place; therefore, there must needs have +been some other unknown reason in the present case fully to account for +the ulceration alluded to. But still more curious was the fact of a +lance-head of stone being found in him, not far from the buried iron, +the flesh perfectly firm about it. Who had darted that stone lance? And +when? It might have been darted by some Nor’ West Indian long before +America was discovered. + +What other marvels might have been rummaged out of this monstrous +cabinet there is no telling. But a sudden stop was put to further +discoveries, by the ship’s being unprecedentedly dragged over sideways +to the sea, owing to the body’s immensely increasing tendency to sink. +However, Starbuck, who had the ordering of affairs, hung on to it to +the last; hung on to it so resolutely, indeed, that when at length the +ship would have been capsized, if still persisting in locking arms with +the body; then, when the command was given to break clear from it, such +was the immovable strain upon the timber-heads to which the +fluke-chains and cables were fastened, that it was impossible to cast +them off. Meantime everything in the Pequod was aslant. To cross to the +other side of the deck was like walking up the steep gabled roof of a +house. The ship groaned and gasped. Many of the ivory inlayings of her +bulwarks and cabins were started from their places, by the unnatural +dislocation. In vain handspikes and crows were brought to bear upon the +immovable fluke-chains, to pry them adrift from the timberheads; and so +low had the whale now settled that the submerged ends could not be at +all approached, while every moment whole tons of ponderosity seemed +added to the sinking bulk, and the ship seemed on the point of going +over. + +“Hold on, hold on, won’t ye?” cried Stubb to the body, “don’t be in +such a devil of a hurry to sink! By thunder, men, we must do something +or go for it. No use prying there; avast, I say with your handspikes, +and run one of ye for a prayer book and a pen-knife, and cut the big +chains.” + +“Knife? Aye, aye,” cried Queequeg, and seizing the carpenter’s heavy +hatchet, he leaned out of a porthole, and steel to iron, began slashing +at the largest fluke-chains. But a few strokes, full of sparks, were +given, when the exceeding strain effected the rest. With a terrific +snap, every fastening went adrift; the ship righted, the carcase sank. + +Now, this occasional inevitable sinking of the recently killed Sperm +Whale is a very curious thing; nor has any fisherman yet adequately +accounted for it. Usually the dead Sperm Whale floats with great +buoyancy, with its side or belly considerably elevated above the +surface. If the only whales that thus sank were old, meagre, and +broken-hearted creatures, their pads of lard diminished and all their +bones heavy and rheumatic; then you might with some reason assert that +this sinking is caused by an uncommon specific gravity in the fish so +sinking, consequent upon this absence of buoyant matter in him. But it +is not so. For young whales, in the highest health, and swelling with +noble aspirations, prematurely cut off in the warm flush and May of +life, with all their panting lard about them; even these brawny, +buoyant heroes do sometimes sink. + +Be it said, however, that the Sperm Whale is far less liable to this +accident than any other species. Where one of that sort go down, twenty +Right Whales do. This difference in the species is no doubt imputable +in no small degree to the greater quantity of bone in the Right Whale; +his Venetian blinds alone sometimes weighing more than a ton; from this +incumbrance the Sperm Whale is wholly free. But there are instances +where, after the lapse of many hours or several days, the sunken whale +again rises, more buoyant than in life. But the reason of this is +obvious. Gases are generated in him; he swells to a prodigious +magnitude; becomes a sort of animal balloon. A line-of-battle ship +could hardly keep him under then. In the Shore Whaling, on soundings, +among the Bays of New Zealand, when a Right Whale gives token of +sinking, they fasten buoys to him, with plenty of rope; so that when +the body has gone down, they know where to look for it when it shall +have ascended again. + +It was not long after the sinking of the body that a cry was heard from +the Pequod’s mast-heads, announcing that the Jungfrau was again +lowering her boats; though the only spout in sight was that of a +Fin-Back, belonging to the species of uncapturable whales, because of +its incredible power of swimming. Nevertheless, the Fin-Back’s spout is +so similar to the Sperm Whale’s, that by unskilful fishermen it is +often mistaken for it. And consequently Derick and all his host were +now in valiant chase of this unnearable brute. The Virgin crowding all +sail, made after her four young keels, and thus they all disappeared +far to leeward, still in bold, hopeful chase. + +Oh! many are the Fin-Backs, and many are the Dericks, my friend. + + +CHAPTER 82. The Honor and Glory of Whaling. + +There are some enterprises in which a careful disorderliness is the +true method. + +The more I dive into this matter of whaling, and push my researches up +to the very spring-head of it so much the more am I impressed with its +great honorableness and antiquity; and especially when I find so many +great demi-gods and heroes, prophets of all sorts, who one way or other +have shed distinction upon it, I am transported with the reflection +that I myself belong, though but subordinately, to so emblazoned a +fraternity. + +The gallant Perseus, a son of Jupiter, was the first whaleman; and to +the eternal honor of our calling be it said, that the first whale +attacked by our brotherhood was not killed with any sordid intent. +Those were the knightly days of our profession, when we only bore arms +to succor the distressed, and not to fill men’s lamp-feeders. Every one +knows the fine story of Perseus and Andromeda; how the lovely +Andromeda, the daughter of a king, was tied to a rock on the sea-coast, +and as Leviathan was in the very act of carrying her off, Perseus, the +prince of whalemen, intrepidly advancing, harpooned the monster, and +delivered and married the maid. It was an admirable artistic exploit, +rarely achieved by the best harpooneers of the present day; inasmuch as +this Leviathan was slain at the very first dart. And let no man doubt +this Arkite story; for in the ancient Joppa, now Jaffa, on the Syrian +coast, in one of the Pagan temples, there stood for many ages the vast +skeleton of a whale, which the city’s legends and all the inhabitants +asserted to be the identical bones of the monster that Perseus slew. +When the Romans took Joppa, the same skeleton was carried to Italy in +triumph. What seems most singular and suggestively important in this +story, is this: it was from Joppa that Jonah set sail. + +Akin to the adventure of Perseus and Andromeda—indeed, by some supposed +to be indirectly derived from it—is that famous story of St. George and +the Dragon; which dragon I maintain to have been a whale; for in many +old chronicles whales and dragons are strangely jumbled together, and +often stand for each other. “Thou art as a lion of the waters, and as a +dragon of the sea,” saith Ezekiel; hereby, plainly meaning a whale; in +truth, some versions of the Bible use that word itself. Besides, it +would much subtract from the glory of the exploit had St. George but +encountered a crawling reptile of the land, instead of doing battle +with the great monster of the deep. Any man may kill a snake, but only +a Perseus, a St. George, a Coffin, have the heart in them to march +boldly up to a whale. + +Let not the modern paintings of this scene mislead us; for though the +creature encountered by that valiant whaleman of old is vaguely +represented of a griffin-like shape, and though the battle is depicted +on land and the saint on horseback, yet considering the great ignorance +of those times, when the true form of the whale was unknown to artists; +and considering that as in Perseus’ case, St. George’s whale might have +crawled up out of the sea on the beach; and considering that the animal +ridden by St. George might have been only a large seal, or sea-horse; +bearing all this in mind, it will not appear altogether incompatible +with the sacred legend and the ancientest draughts of the scene, to +hold this so-called dragon no other than the great Leviathan himself. +In fact, placed before the strict and piercing truth, this whole story +will fare like that fish, flesh, and fowl idol of the Philistines, +Dagon by name; who being planted before the ark of Israel, his horse’s +head and both the palms of his hands fell off from him, and only the +stump or fishy part of him remained. Thus, then, one of our own noble +stamp, even a whaleman, is the tutelary guardian of England; and by +good rights, we harpooneers of Nantucket should be enrolled in the most +noble order of St. George. And therefore, let not the knights of that +honorable company (none of whom, I venture to say, have ever had to do +with a whale like their great patron), let them never eye a Nantucketer +with disdain, since even in our woollen frocks and tarred trowsers we +are much better entitled to St. George’s decoration than they. + +Whether to admit Hercules among us or not, concerning this I long +remained dubious: for though according to the Greek mythologies, that +antique Crockett and Kit Carson—that brawny doer of rejoicing good +deeds, was swallowed down and thrown up by a whale; still, whether that +strictly makes a whaleman of him, that might be mooted. It nowhere +appears that he ever actually harpooned his fish, unless, indeed, from +the inside. Nevertheless, he may be deemed a sort of involuntary +whaleman; at any rate the whale caught him, if he did not the whale. I +claim him for one of our clan. + +But, by the best contradictory authorities, this Grecian story of +Hercules and the whale is considered to be derived from the still more +ancient Hebrew story of Jonah and the whale; and vice versâ; certainly +they are very similar. If I claim the demi-god then, why not the +prophet? + +Nor do heroes, saints, demigods, and prophets alone comprise the whole +roll of our order. Our grand master is still to be named; for like +royal kings of old times, we find the head waters of our fraternity in +nothing short of the great gods themselves. That wondrous oriental +story is now to be rehearsed from the Shaster, which gives us the dread +Vishnoo, one of the three persons in the godhead of the Hindoos; gives +us this divine Vishnoo himself for our Lord;—Vishnoo, who, by the first +of his ten earthly incarnations, has for ever set apart and sanctified +the whale. When Brahma, or the God of Gods, saith the Shaster, resolved +to recreate the world after one of its periodical dissolutions, he gave +birth to Vishnoo, to preside over the work; but the Vedas, or mystical +books, whose perusal would seem to have been indispensable to Vishnoo +before beginning the creation, and which therefore must have contained +something in the shape of practical hints to young architects, these +Vedas were lying at the bottom of the waters; so Vishnoo became +incarnate in a whale, and sounding down in him to the uttermost depths, +rescued the sacred volumes. Was not this Vishnoo a whaleman, then? even +as a man who rides a horse is called a horseman? + +Perseus, St. George, Hercules, Jonah, and Vishnoo! there’s a +member-roll for you! What club but the whaleman’s can head off like +that? + + +CHAPTER 83. Jonah Historically Regarded. + +Reference was made to the historical story of Jonah and the whale in +the preceding chapter. Now some Nantucketers rather distrust this +historical story of Jonah and the whale. But then there were some +sceptical Greeks and Romans, who, standing out from the orthodox pagans +of their times, equally doubted the story of Hercules and the whale, +and Arion and the dolphin; and yet their doubting those traditions did +not make those traditions one whit the less facts, for all that. + +One old Sag-Harbor whaleman’s chief reason for questioning the Hebrew +story was this:—He had one of those quaint old-fashioned Bibles, +embellished with curious, unscientific plates; one of which represented +Jonah’s whale with two spouts in his head—a peculiarity only true with +respect to a species of the Leviathan (the Right Whale, and the +varieties of that order), concerning which the fishermen have this +saying, “A penny roll would choke him”; his swallow is so very small. +But, to this, Bishop Jebb’s anticipative answer is ready. It is not +necessary, hints the Bishop, that we consider Jonah as tombed in the +whale’s belly, but as temporarily lodged in some part of his mouth. And +this seems reasonable enough in the good Bishop. For truly, the Right +Whale’s mouth would accommodate a couple of whist-tables, and +comfortably seat all the players. Possibly, too, Jonah might have +ensconced himself in a hollow tooth; but, on second thoughts, the Right +Whale is toothless. + +Another reason which Sag-Harbor (he went by that name) urged for his +want of faith in this matter of the prophet, was something obscurely in +reference to his incarcerated body and the whale’s gastric juices. But +this objection likewise falls to the ground, because a German exegetist +supposes that Jonah must have taken refuge in the floating body of a +_dead_ whale—even as the French soldiers in the Russian campaign turned +their dead horses into tents, and crawled into them. Besides, it has +been divined by other continental commentators, that when Jonah was +thrown overboard from the Joppa ship, he straightway effected his +escape to another vessel near by, some vessel with a whale for a +figure-head; and, I would add, possibly called “The Whale,” as some +craft are nowadays christened the “Shark,” the “Gull,” the “Eagle.” Nor +have there been wanting learned exegetists who have opined that the +whale mentioned in the book of Jonah merely meant a life-preserver—an +inflated bag of wind—which the endangered prophet swam to, and so was +saved from a watery doom. Poor Sag-Harbor, therefore, seems worsted all +round. But he had still another reason for his want of faith. It was +this, if I remember right: Jonah was swallowed by the whale in the +Mediterranean Sea, and after three days he was vomited up somewhere +within three days’ journey of Nineveh, a city on the Tigris, very much +more than three days’ journey across from the nearest point of the +Mediterranean coast. How is that? + +But was there no other way for the whale to land the prophet within +that short distance of Nineveh? Yes. He might have carried him round by +the way of the Cape of Good Hope. But not to speak of the passage +through the whole length of the Mediterranean, and another passage up +the Persian Gulf and Red Sea, such a supposition would involve the +complete circumnavigation of all Africa in three days, not to speak of +the Tigris waters, near the site of Nineveh, being too shallow for any +whale to swim in. Besides, this idea of Jonah’s weathering the Cape of +Good Hope at so early a day would wrest the honor of the discovery of +that great headland from Bartholomew Diaz, its reputed discoverer, and +so make modern history a liar. + +But all these foolish arguments of old Sag-Harbor only evinced his +foolish pride of reason—a thing still more reprehensible in him, seeing +that he had but little learning except what he had picked up from the +sun and the sea. I say it only shows his foolish, impious pride, and +abominable, devilish rebellion against the reverend clergy. For by a +Portuguese Catholic priest, this very idea of Jonah’s going to Nineveh +via the Cape of Good Hope was advanced as a signal magnification of the +general miracle. And so it was. Besides, to this day, the highly +enlightened Turks devoutly believe in the historical story of Jonah. +And some three centuries ago, an English traveller in old Harris’s +Voyages, speaks of a Turkish Mosque built in honor of Jonah, in which +Mosque was a miraculous lamp that burnt without any oil. + + +CHAPTER 84. Pitchpoling. + +To make them run easily and swiftly, the axles of carriages are +anointed; and for much the same purpose, some whalers perform an +analogous operation upon their boat; they grease the bottom. Nor is it +to be doubted that as such a procedure can do no harm, it may possibly +be of no contemptible advantage; considering that oil and water are +hostile; that oil is a sliding thing, and that the object in view is to +make the boat slide bravely. Queequeg believed strongly in anointing +his boat, and one morning not long after the German ship Jungfrau +disappeared, took more than customary pains in that occupation; +crawling under its bottom, where it hung over the side, and rubbing in +the unctuousness as though diligently seeking to insure a crop of hair +from the craft’s bald keel. He seemed to be working in obedience to +some particular presentiment. Nor did it remain unwarranted by the +event. + +Towards noon whales were raised; but so soon as the ship sailed down to +them, they turned and fled with swift precipitancy; a disordered +flight, as of Cleopatra’s barges from Actium. + +Nevertheless, the boats pursued, and Stubb’s was foremost. By great +exertion, Tashtego at last succeeded in planting one iron; but the +stricken whale, without at all sounding, still continued his horizontal +flight, with added fleetness. Such unintermitted strainings upon the +planted iron must sooner or later inevitably extract it. It became +imperative to lance the flying whale, or be content to lose him. But to +haul the boat up to his flank was impossible, he swam so fast and +furious. What then remained? + +Of all the wondrous devices and dexterities, the sleights of hand and +countless subtleties, to which the veteran whaleman is so often forced, +none exceed that fine manœuvre with the lance called pitchpoling. Small +sword, or broad sword, in all its exercises boasts nothing like it. It +is only indispensable with an inveterate running whale; its grand fact +and feature is the wonderful distance to which the long lance is +accurately darted from a violently rocking, jerking boat, under extreme +headway. Steel and wood included, the entire spear is some ten or +twelve feet in length; the staff is much slighter than that of the +harpoon, and also of a lighter material—pine. It is furnished with a +small rope called a warp, of considerable length, by which it can be +hauled back to the hand after darting. + +But before going further, it is important to mention here, that though +the harpoon may be pitchpoled in the same way with the lance, yet it is +seldom done; and when done, is still less frequently successful, on +account of the greater weight and inferior length of the harpoon as +compared with the lance, which in effect become serious drawbacks. As a +general thing, therefore, you must first get fast to a whale, before +any pitchpoling comes into play. + +Look now at Stubb; a man who from his humorous, deliberate coolness and +equanimity in the direst emergencies, was specially qualified to excel +in pitchpoling. Look at him; he stands upright in the tossed bow of the +flying boat; wrapt in fleecy foam, the towing whale is forty feet +ahead. Handling the long lance lightly, glancing twice or thrice along +its length to see if it be exactly straight, Stubb whistlingly gathers +up the coil of the warp in one hand, so as to secure its free end in +his grasp, leaving the rest unobstructed. Then holding the lance full +before his waistband’s middle, he levels it at the whale; when, +covering him with it, he steadily depresses the butt-end in his hand, +thereby elevating the point till the weapon stands fairly balanced upon +his palm, fifteen feet in the air. He minds you somewhat of a juggler, +balancing a long staff on his chin. Next moment with a rapid, nameless +impulse, in a superb lofty arch the bright steel spans the foaming +distance, and quivers in the life spot of the whale. Instead of +sparkling water, he now spouts red blood. + +“That drove the spigot out of him!” cried Stubb. “’Tis July’s immortal +Fourth; all fountains must run wine today! Would now, it were old +Orleans whiskey, or old Ohio, or unspeakable old Monongahela! Then, +Tashtego, lad, I’d have ye hold a canakin to the jet, and we’d drink +round it! Yea, verily, hearts alive, we’d brew choice punch in the +spread of his spout-hole there, and from that live punch-bowl quaff the +living stuff.” + +Again and again to such gamesome talk, the dexterous dart is repeated, +the spear returning to its master like a greyhound held in skilful +leash. The agonized whale goes into his flurry; the tow-line is +slackened, and the pitchpoler dropping astern, folds his hands, and +mutely watches the monster die. + + +CHAPTER 85. The Fountain. + +That for six thousand years—and no one knows how many millions of ages +before—the great whales should have been spouting all over the sea, and +sprinkling and mistifying the gardens of the deep, as with so many +sprinkling or mistifying pots; and that for some centuries back, +thousands of hunters should have been close by the fountain of the +whale, watching these sprinklings and spoutings—that all this should +be, and yet, that down to this blessed minute (fifteen and a quarter +minutes past one o’clock P.M. of this sixteenth day of December, A.D. +1851), it should still remain a problem, whether these spoutings are, +after all, really water, or nothing but vapor—this is surely a +noteworthy thing. + +Let us, then, look at this matter, along with some interesting items +contingent. Every one knows that by the peculiar cunning of their +gills, the finny tribes in general breathe the air which at all times +is combined with the element in which they swim; hence, a herring or a +cod might live a century, and never once raise its head above the +surface. But owing to his marked internal structure which gives him +regular lungs, like a human being’s, the whale can only live by +inhaling the disengaged air in the open atmosphere. Wherefore the +necessity for his periodical visits to the upper world. But he cannot +in any degree breathe through his mouth, for, in his ordinary attitude, +the Sperm Whale’s mouth is buried at least eight feet beneath the +surface; and what is still more, his windpipe has no connexion with his +mouth. No, he breathes through his spiracle alone; and this is on the +top of his head. + +If I say, that in any creature breathing is only a function +indispensable to vitality, inasmuch as it withdraws from the air a +certain element, which being subsequently brought into contact with the +blood imparts to the blood its vivifying principle, I do not think I +shall err; though I may possibly use some superfluous scientific words. +Assume it, and it follows that if all the blood in a man could be +aerated with one breath, he might then seal up his nostrils and not +fetch another for a considerable time. That is to say, he would then +live without breathing. Anomalous as it may seem, this is precisely the +case with the whale, who systematically lives, by intervals, his full +hour and more (when at the bottom) without drawing a single breath, or +so much as in any way inhaling a particle of air; for, remember, he has +no gills. How is this? Between his ribs and on each side of his spine +he is supplied with a remarkable involved Cretan labyrinth of +vermicelli-like vessels, which vessels, when he quits the surface, are +completely distended with oxygenated blood. So that for an hour or +more, a thousand fathoms in the sea, he carries a surplus stock of +vitality in him, just as the camel crossing the waterless desert +carries a surplus supply of drink for future use in its four +supplementary stomachs. The anatomical fact of this labyrinth is +indisputable; and that the supposition founded upon it is reasonable +and true, seems the more cogent to me, when I consider the otherwise +inexplicable obstinacy of that leviathan in _having his spoutings out_, +as the fishermen phrase it. This is what I mean. If unmolested, upon +rising to the surface, the Sperm Whale will continue there for a period +of time exactly uniform with all his other unmolested risings. Say he +stays eleven minutes, and jets seventy times, that is, respires seventy +breaths; then whenever he rises again, he will be sure to have his +seventy breaths over again, to a minute. Now, if after he fetches a few +breaths you alarm him, so that he sounds, he will be always dodging up +again to make good his regular allowance of air. And not till those +seventy breaths are told, will he finally go down to stay out his full +term below. Remark, however, that in different individuals these rates +are different; but in any one they are alike. Now, why should the whale +thus insist upon having his spoutings out, unless it be to replenish +his reservoir of air, ere descending for good? How obvious is it, too, +that this necessity for the whale’s rising exposes him to all the fatal +hazards of the chase. For not by hook or by net could this vast +leviathan be caught, when sailing a thousand fathoms beneath the +sunlight. Not so much thy skill, then, O hunter, as the great +necessities that strike the victory to thee! + +In man, breathing is incessantly going on—one breath only serving for +two or three pulsations; so that whatever other business he has to +attend to, waking or sleeping, breathe he must, or die he will. But the +Sperm Whale only breathes about one seventh or Sunday of his time. + +It has been said that the whale only breathes through his spout-hole; +if it could truthfully be added that his spouts are mixed with water, +then I opine we should be furnished with the reason why his sense of +smell seems obliterated in him; for the only thing about him that at +all answers to his nose is that identical spout-hole; and being so +clogged with two elements, it could not be expected to have the power +of smelling. But owing to the mystery of the spout—whether it be water +or whether it be vapor—no absolute certainty can as yet be arrived at +on this head. Sure it is, nevertheless, that the Sperm Whale has no +proper olfactories. But what does he want of them? No roses, no +violets, no Cologne-water in the sea. + +Furthermore, as his windpipe solely opens into the tube of his spouting +canal, and as that long canal—like the grand Erie Canal—is furnished +with a sort of locks (that open and shut) for the downward retention of +air or the upward exclusion of water, therefore the whale has no voice; +unless you insult him by saying, that when he so strangely rumbles, he +talks through his nose. But then again, what has the whale to say? +Seldom have I known any profound being that had anything to say to this +world, unless forced to stammer out something by way of getting a +living. Oh! happy that the world is such an excellent listener! + +Now, the spouting canal of the Sperm Whale, chiefly intended as it is +for the conveyance of air, and for several feet laid along, +horizontally, just beneath the upper surface of his head, and a little +to one side; this curious canal is very much like a gas-pipe laid down +in a city on one side of a street. But the question returns whether +this gas-pipe is also a water-pipe; in other words, whether the spout +of the Sperm Whale is the mere vapor of the exhaled breath, or whether +that exhaled breath is mixed with water taken in at the mouth, and +discharged through the spiracle. It is certain that the mouth +indirectly communicates with the spouting canal; but it cannot be +proved that this is for the purpose of discharging water through the +spiracle. Because the greatest necessity for so doing would seem to be, +when in feeding he accidentally takes in water. But the Sperm Whale’s +food is far beneath the surface, and there he cannot spout even if he +would. Besides, if you regard him very closely, and time him with your +watch, you will find that when unmolested, there is an undeviating +rhyme between the periods of his jets and the ordinary periods of +respiration. + +But why pester one with all this reasoning on the subject? Speak out! +You have seen him spout; then declare what the spout is; can you not +tell water from air? My dear sir, in this world it is not so easy to +settle these plain things. I have ever found your plain things the +knottiest of all. And as for this whale spout, you might almost stand +in it, and yet be undecided as to what it is precisely. + +The central body of it is hidden in the snowy sparkling mist enveloping +it; and how can you certainly tell whether any water falls from it, +when, always, when you are close enough to a whale to get a close view +of his spout, he is in a prodigious commotion, the water cascading all +around him. And if at such times you should think that you really +perceived drops of moisture in the spout, how do you know that they are +not merely condensed from its vapor; or how do you know that they are +not those identical drops superficially lodged in the spout-hole +fissure, which is countersunk into the summit of the whale’s head? For +even when tranquilly swimming through the mid-day sea in a calm, with +his elevated hump sun-dried as a dromedary’s in the desert; even then, +the whale always carries a small basin of water on his head, as under a +blazing sun you will sometimes see a cavity in a rock filled up with +rain. + +Nor is it at all prudent for the hunter to be over curious touching the +precise nature of the whale spout. It will not do for him to be peering +into it, and putting his face in it. You cannot go with your pitcher to +this fountain and fill it, and bring it away. For even when coming into +slight contact with the outer, vapory shreds of the jet, which will +often happen, your skin will feverishly smart, from the acridness of +the thing so touching it. And I know one, who coming into still closer +contact with the spout, whether with some scientific object in view, or +otherwise, I cannot say, the skin peeled off from his cheek and arm. +Wherefore, among whalemen, the spout is deemed poisonous; they try to +evade it. Another thing; I have heard it said, and I do not much doubt +it, that if the jet is fairly spouted into your eyes, it will blind +you. The wisest thing the investigator can do then, it seems to me, is +to let this deadly spout alone. + +Still, we can hypothesize, even if we cannot prove and establish. My +hypothesis is this: that the spout is nothing but mist. And besides +other reasons, to this conclusion I am impelled, by considerations +touching the great inherent dignity and sublimity of the Sperm Whale; I +account him no common, shallow being, inasmuch as it is an undisputed +fact that he is never found on soundings, or near shores; all other +whales sometimes are. He is both ponderous and profound. And I am +convinced that from the heads of all ponderous profound beings, such as +Plato, Pyrrho, the Devil, Jupiter, Dante, and so on, there always goes +up a certain semi-visible steam, while in the act of thinking deep +thoughts. While composing a little treatise on Eternity, I had the +curiosity to place a mirror before me; and ere long saw reflected +there, a curious involved worming and undulation in the atmosphere over +my head. The invariable moisture of my hair, while plunged in deep +thought, after six cups of hot tea in my thin shingled attic, of an +August noon; this seems an additional argument for the above +supposition. + +And how nobly it raises our conceit of the mighty, misty monster, to +behold him solemnly sailing through a calm tropical sea; his vast, mild +head overhung by a canopy of vapor, engendered by his incommunicable +contemplations, and that vapor—as you will sometimes see it—glorified +by a rainbow, as if Heaven itself had put its seal upon his thoughts. +For, d’ye see, rainbows do not visit the clear air; they only irradiate +vapor. And so, through all the thick mists of the dim doubts in my +mind, divine intuitions now and then shoot, enkindling my fog with a +heavenly ray. And for this I thank God; for all have doubts; many deny; +but doubts or denials, few along with them, have intuitions. Doubts of +all things earthly, and intuitions of some things heavenly; this +combination makes neither believer nor infidel, but makes a man who +regards them both with equal eye. + + +CHAPTER 86. The Tail. + +Other poets have warbled the praises of the soft eye of the antelope, +and the lovely plumage of the bird that never alights; less celestial, +I celebrate a tail. + +Reckoning the largest sized Sperm Whale’s tail to begin at that point +of the trunk where it tapers to about the girth of a man, it comprises +upon its upper surface alone, an area of at least fifty square feet. +The compact round body of its root expands into two broad, firm, flat +palms or flukes, gradually shoaling away to less than an inch in +thickness. At the crotch or junction, these flukes slightly overlap, +then sideways recede from each other like wings, leaving a wide vacancy +between. In no living thing are the lines of beauty more exquisitely +defined than in the crescentic borders of these flukes. At its utmost +expansion in the full grown whale, the tail will considerably exceed +twenty feet across. + +The entire member seems a dense webbed bed of welded sinews; but cut +into it, and you find that three distinct strata compose it:—upper, +middle, and lower. The fibres in the upper and lower layers, are long +and horizontal; those of the middle one, very short, and running +crosswise between the outside layers. This triune structure, as much as +anything else, imparts power to the tail. To the student of old Roman +walls, the middle layer will furnish a curious parallel to the thin +course of tiles always alternating with the stone in those wonderful +relics of the antique, and which undoubtedly contribute so much to the +great strength of the masonry. + +But as if this vast local power in the tendinous tail were not enough, +the whole bulk of the leviathan is knit over with a warp and woof of +muscular fibres and filaments, which passing on either side the loins +and running down into the flukes, insensibly blend with them, and +largely contribute to their might; so that in the tail the confluent +measureless force of the whole whale seems concentrated to a point. +Could annihilation occur to matter, this were the thing to do it. + +Nor does this—its amazing strength, at all tend to cripple the graceful +flexion of its motions; where infantileness of ease undulates through a +Titanism of power. On the contrary, those motions derive their most +appalling beauty from it. Real strength never impairs beauty or +harmony, but it often bestows it; and in everything imposingly +beautiful, strength has much to do with the magic. Take away the tied +tendons that all over seem bursting from the marble in the carved +Hercules, and its charm would be gone. As devout Eckerman lifted the +linen sheet from the naked corpse of Goethe, he was overwhelmed with +the massive chest of the man, that seemed as a Roman triumphal arch. +When Angelo paints even God the Father in human form, mark what +robustness is there. And whatever they may reveal of the divine love in +the Son, the soft, curled, hermaphroditical Italian pictures, in which +his idea has been most successfully embodied; these pictures, so +destitute as they are of all brawniness, hint nothing of any power, but +the mere negative, feminine one of submission and endurance, which on +all hands it is conceded, form the peculiar practical virtues of his +teachings. + +Such is the subtle elasticity of the organ I treat of, that whether +wielded in sport, or in earnest, or in anger, whatever be the mood it +be in, its flexions are invariably marked by exceeding grace. Therein +no fairy’s arm can transcend it. + +Five great motions are peculiar to it. First, when used as a fin for +progression; Second, when used as a mace in battle; Third, in sweeping; +Fourth, in lobtailing; Fifth, in peaking flukes. + +First: Being horizontal in its position, the Leviathan’s tail acts in a +different manner from the tails of all other sea creatures. It never +wriggles. In man or fish, wriggling is a sign of inferiority. To the +whale, his tail is the sole means of propulsion. Scroll-wise coiled +forwards beneath the body, and then rapidly sprung backwards, it is +this which gives that singular darting, leaping motion to the monster +when furiously swimming. His side-fins only serve to steer by. + +Second: It is a little significant, that while one sperm whale only +fights another sperm whale with his head and jaw, nevertheless, in his +conflicts with man, he chiefly and contemptuously uses his tail. In +striking at a boat, he swiftly curves away his flukes from it, and the +blow is only inflicted by the recoil. If it be made in the unobstructed +air, especially if it descend to its mark, the stroke is then simply +irresistible. No ribs of man or boat can withstand it. Your only +salvation lies in eluding it; but if it comes sideways through the +opposing water, then partly owing to the light buoyancy of the +whale-boat, and the elasticity of its materials, a cracked rib or a +dashed plank or two, a sort of stitch in the side, is generally the +most serious result. These submerged side blows are so often received +in the fishery, that they are accounted mere child’s play. Some one +strips off a frock, and the hole is stopped. + +Third: I cannot demonstrate it, but it seems to me, that in the whale +the sense of touch is concentrated in the tail; for in this respect +there is a delicacy in it only equalled by the daintiness of the +elephant’s trunk. This delicacy is chiefly evinced in the action of +sweeping, when in maidenly gentleness the whale with a certain soft +slowness moves his immense flukes from side to side upon the surface of +the sea; and if he feel but a sailor’s whisker, woe to that sailor, +whiskers and all. What tenderness there is in that preliminary touch! +Had this tail any prehensile power, I should straightway bethink me of +Darmonodes’ elephant that so frequented the flower-market, and with low +salutations presented nosegays to damsels, and then caressed their +zones. On more accounts than one, a pity it is that the whale does not +possess this prehensile virtue in his tail; for I have heard of yet +another elephant, that when wounded in the fight, curved round his +trunk and extracted the dart. + +Fourth: Stealing unawares upon the whale in the fancied security of the +middle of solitary seas, you find him unbent from the vast corpulence +of his dignity, and kitten-like, he plays on the ocean as if it were a +hearth. But still you see his power in his play. The broad palms of his +tail are flirted high into the air; then smiting the surface, the +thunderous concussion resounds for miles. You would almost think a +great gun had been discharged; and if you noticed the light wreath of +vapor from the spiracle at his other extremity, you would think that +that was the smoke from the touch-hole. + +Fifth: As in the ordinary floating posture of the leviathan the flukes +lie considerably below the level of his back, they are then completely +out of sight beneath the surface; but when he is about to plunge into +the deeps, his entire flukes with at least thirty feet of his body are +tossed erect in the air, and so remain vibrating a moment, till they +downwards shoot out of view. Excepting the sublime _breach_—somewhere +else to be described—this peaking of the whale’s flukes is perhaps the +grandest sight to be seen in all animated nature. Out of the bottomless +profundities the gigantic tail seems spasmodically snatching at the +highest heaven. So in dreams, have I seen majestic Satan thrusting +forth his tormented colossal claw from the flame Baltic of Hell. But in +gazing at such scenes, it is all in all what mood you are in; if in the +Dantean, the devils will occur to you; if in that of Isaiah, the +archangels. Standing at the mast-head of my ship during a sunrise that +crimsoned sky and sea, I once saw a large herd of whales in the east, +all heading towards the sun, and for a moment vibrating in concert with +peaked flukes. As it seemed to me at the time, such a grand embodiment +of adoration of the gods was never beheld, even in Persia, the home of +the fire worshippers. As Ptolemy Philopater testified of the African +elephant, I then testified of the whale, pronouncing him the most +devout of all beings. For according to King Juba, the military +elephants of antiquity often hailed the morning with their trunks +uplifted in the profoundest silence. + +The chance comparison in this chapter, between the whale and the +elephant, so far as some aspects of the tail of the one and the trunk +of the other are concerned, should not tend to place those two opposite +organs on an equality, much less the creatures to which they +respectively belong. For as the mightiest elephant is but a terrier to +Leviathan, so, compared with Leviathan’s tail, his trunk is but the +stalk of a lily. The most direful blow from the elephant’s trunk were +as the playful tap of a fan, compared with the measureless crush and +crash of the sperm whale’s ponderous flukes, which in repeated +instances have one after the other hurled entire boats with all their +oars and crews into the air, very much as an Indian juggler tosses his +balls.* + +*Though all comparison in the way of general bulk between the whale and +the elephant is preposterous, inasmuch as in that particular the +elephant stands in much the same respect to the whale that a dog does +to the elephant; nevertheless, there are not wanting some points of +curious similitude; among these is the spout. It is well known that the +elephant will often draw up water or dust in his trunk, and then +elevating it, jet it forth in a stream. + +The more I consider this mighty tail, the more do I deplore my +inability to express it. At times there are gestures in it, which, +though they would well grace the hand of man, remain wholly +inexplicable. In an extensive herd, so remarkable, occasionally, are +these mystic gestures, that I have heard hunters who have declared them +akin to Free-Mason signs and symbols; that the whale, indeed, by these +methods intelligently conversed with the world. Nor are there wanting +other motions of the whale in his general body, full of strangeness, +and unaccountable to his most experienced assailant. Dissect him how I +may, then, I but go skin deep; I know him not, and never will. But if I +know not even the tail of this whale, how understand his head? much +more, how comprehend his face, when face he has none? Thou shalt see my +back parts, my tail, he seems to say, but my face shall not be seen. +But I cannot completely make out his back parts; and hint what he will +about his face, I say again he has no face. + + +CHAPTER 87. The Grand Armada. + +The long and narrow peninsula of Malacca, extending south-eastward from +the territories of Birmah, forms the most southerly point of all Asia. +In a continuous line from that peninsula stretch the long islands of +Sumatra, Java, Bally, and Timor; which, with many others, form a vast +mole, or rampart, lengthwise connecting Asia with Australia, and +dividing the long unbroken Indian ocean from the thickly studded +oriental archipelagoes. This rampart is pierced by several sally-ports +for the convenience of ships and whales; conspicuous among which are +the straits of Sunda and Malacca. By the straits of Sunda, chiefly, +vessels bound to China from the west, emerge into the China seas. + +Those narrow straits of Sunda divide Sumatra from Java; and standing +midway in that vast rampart of islands, buttressed by that bold green +promontory, known to seamen as Java Head; they not a little correspond +to the central gateway opening into some vast walled empire: and +considering the inexhaustible wealth of spices, and silks, and jewels, +and gold, and ivory, with which the thousand islands of that oriental +sea are enriched, it seems a significant provision of nature, that such +treasures, by the very formation of the land, should at least bear the +appearance, however ineffectual, of being guarded from the all-grasping +western world. The shores of the Straits of Sunda are unsupplied with +those domineering fortresses which guard the entrances to the +Mediterranean, the Baltic, and the Propontis. Unlike the Danes, these +Orientals do not demand the obsequious homage of lowered top-sails from +the endless procession of ships before the wind, which for centuries +past, by night and by day, have passed between the islands of Sumatra +and Java, freighted with the costliest cargoes of the east. But while +they freely waive a ceremonial like this, they do by no means renounce +their claim to more solid tribute. + +Time out of mind the piratical proas of the Malays, lurking among the +low shaded coves and islets of Sumatra, have sallied out upon the +vessels sailing through the straits, fiercely demanding tribute at the +point of their spears. Though by the repeated bloody chastisements they +have received at the hands of European cruisers, the audacity of these +corsairs has of late been somewhat repressed; yet, even at the present +day, we occasionally hear of English and American vessels, which, in +those waters, have been remorselessly boarded and pillaged. + +With a fair, fresh wind, the Pequod was now drawing nigh to these +straits; Ahab purposing to pass through them into the Javan sea, and +thence, cruising northwards, over waters known to be frequented here +and there by the Sperm Whale, sweep inshore by the Philippine Islands, +and gain the far coast of Japan, in time for the great whaling season +there. By these means, the circumnavigating Pequod would sweep almost +all the known Sperm Whale cruising grounds of the world, previous to +descending upon the Line in the Pacific; where Ahab, though everywhere +else foiled in his pursuit, firmly counted upon giving battle to Moby +Dick, in the sea he was most known to frequent; and at a season when he +might most reasonably be presumed to be haunting it. + +But how now? in this zoned quest, does Ahab touch no land? does his +crew drink air? Surely, he will stop for water. Nay. For a long time, +now, the circus-running sun has raced within his fiery ring, and needs +no sustenance but what’s in himself. So Ahab. Mark this, too, in the +whaler. While other hulls are loaded down with alien stuff, to be +transferred to foreign wharves; the world-wandering whale-ship carries +no cargo but herself and crew, their weapons and their wants. She has a +whole lake’s contents bottled in her ample hold. She is ballasted with +utilities; not altogether with unusable pig-lead and kentledge. She +carries years’ water in her. Clear old prime Nantucket water; which, +when three years afloat, the Nantucketer, in the Pacific, prefers to +drink before the brackish fluid, but yesterday rafted off in casks, +from the Peruvian or Indian streams. Hence it is, that, while other +ships may have gone to China from New York, and back again, touching at +a score of ports, the whale-ship, in all that interval, may not have +sighted one grain of soil; her crew having seen no man but floating +seamen like themselves. So that did you carry them the news that +another flood had come; they would only answer—“Well, boys, here’s the +ark!” + +Now, as many Sperm Whales had been captured off the western coast of +Java, in the near vicinity of the Straits of Sunda; indeed, as most of +the ground, roundabout, was generally recognised by the fishermen as an +excellent spot for cruising; therefore, as the Pequod gained more and +more upon Java Head, the look-outs were repeatedly hailed, and +admonished to keep wide awake. But though the green palmy cliffs of the +land soon loomed on the starboard bow, and with delighted nostrils the +fresh cinnamon was snuffed in the air, yet not a single jet was +descried. Almost renouncing all thought of falling in with any game +hereabouts, the ship had well nigh entered the straits, when the +customary cheering cry was heard from aloft, and ere long a spectacle +of singular magnificence saluted us. + +But here be it premised, that owing to the unwearied activity with +which of late they have been hunted over all four oceans, the Sperm +Whales, instead of almost invariably sailing in small detached +companies, as in former times, are now frequently met with in extensive +herds, sometimes embracing so great a multitude, that it would almost +seem as if numerous nations of them had sworn solemn league and +covenant for mutual assistance and protection. To this aggregation of +the Sperm Whale into such immense caravans, may be imputed the +circumstance that even in the best cruising grounds, you may now +sometimes sail for weeks and months together, without being greeted by +a single spout; and then be suddenly saluted by what sometimes seems +thousands on thousands. + +Broad on both bows, at the distance of some two or three miles, and +forming a great semicircle, embracing one half of the level horizon, a +continuous chain of whale-jets were up-playing and sparkling in the +noon-day air. Unlike the straight perpendicular twin-jets of the Right +Whale, which, dividing at top, fall over in two branches, like the +cleft drooping boughs of a willow, the single forward-slanting spout of +the Sperm Whale presents a thick curled bush of white mist, continually +rising and falling away to leeward. + +Seen from the Pequod’s deck, then, as she would rise on a high hill of +the sea, this host of vapory spouts, individually curling up into the +air, and beheld through a blending atmosphere of bluish haze, showed +like the thousand cheerful chimneys of some dense metropolis, descried +of a balmy autumnal morning, by some horseman on a height. + +As marching armies approaching an unfriendly defile in the mountains, +accelerate their march, all eagerness to place that perilous passage in +their rear, and once more expand in comparative security upon the +plain; even so did this vast fleet of whales now seem hurrying forward +through the straits; gradually contracting the wings of their +semicircle, and swimming on, in one solid, but still crescentic centre. + +Crowding all sail the Pequod pressed after them; the harpooneers +handling their weapons, and loudly cheering from the heads of their yet +suspended boats. If the wind only held, little doubt had they, that +chased through these Straits of Sunda, the vast host would only deploy +into the Oriental seas to witness the capture of not a few of their +number. And who could tell whether, in that congregated caravan, Moby +Dick himself might not temporarily be swimming, like the worshipped +white-elephant in the coronation procession of the Siamese! So with +stun-sail piled on stun-sail, we sailed along, driving these leviathans +before us; when, of a sudden, the voice of Tashtego was heard, loudly +directing attention to something in our wake. + +Corresponding to the crescent in our van, we beheld another in our +rear. It seemed formed of detached white vapors, rising and falling +something like the spouts of the whales; only they did not so +completely come and go; for they constantly hovered, without finally +disappearing. Levelling his glass at this sight, Ahab quickly revolved +in his pivot-hole, crying, “Aloft there, and rig whips and buckets to +wet the sails;—Malays, sir, and after us!” + +As if too long lurking behind the headlands, till the Pequod should +fairly have entered the straits, these rascally Asiatics were now in +hot pursuit, to make up for their over-cautious delay. But when the +swift Pequod, with a fresh leading wind, was herself in hot chase; how +very kind of these tawny philanthropists to assist in speeding her on +to her own chosen pursuit,—mere riding-whips and rowels to her, that +they were. As with glass under arm, Ahab to-and-fro paced the deck; in +his forward turn beholding the monsters he chased, and in the after one +the bloodthirsty pirates chasing _him_; some such fancy as the above +seemed his. And when he glanced upon the green walls of the watery +defile in which the ship was then sailing, and bethought him that +through that gate lay the route to his vengeance, and beheld, how that +through that same gate he was now both chasing and being chased to his +deadly end; and not only that, but a herd of remorseless wild pirates +and inhuman atheistical devils were infernally cheering him on with +their curses;—when all these conceits had passed through his brain, +Ahab’s brow was left gaunt and ribbed, like the black sand beach after +some stormy tide has been gnawing it, without being able to drag the +firm thing from its place. + +But thoughts like these troubled very few of the reckless crew; and +when, after steadily dropping and dropping the pirates astern, the +Pequod at last shot by the vivid green Cockatoo Point on the Sumatra +side, emerging at last upon the broad waters beyond; then, the +harpooneers seemed more to grieve that the swift whales had been +gaining upon the ship, than to rejoice that the ship had so +victoriously gained upon the Malays. But still driving on in the wake +of the whales, at length they seemed abating their speed; gradually the +ship neared them; and the wind now dying away, word was passed to +spring to the boats. But no sooner did the herd, by some presumed +wonderful instinct of the Sperm Whale, become notified of the three +keels that were after them,—though as yet a mile in their rear,—than +they rallied again, and forming in close ranks and battalions, so that +their spouts all looked like flashing lines of stacked bayonets, moved +on with redoubled velocity. + +Stripped to our shirts and drawers, we sprang to the white-ash, and +after several hours’ pulling were almost disposed to renounce the +chase, when a general pausing commotion among the whales gave animating +token that they were now at last under the influence of that strange +perplexity of inert irresolution, which, when the fishermen perceive it +in the whale, they say he is gallied. The compact martial columns in +which they had been hitherto rapidly and steadily swimming, were now +broken up in one measureless rout; and like King Porus’ elephants in +the Indian battle with Alexander, they seemed going mad with +consternation. In all directions expanding in vast irregular circles, +and aimlessly swimming hither and thither, by their short thick +spoutings, they plainly betrayed their distraction of panic. This was +still more strangely evinced by those of their number, who, completely +paralysed as it were, helplessly floated like water-logged dismantled +ships on the sea. Had these Leviathans been but a flock of simple +sheep, pursued over the pasture by three fierce wolves, they could not +possibly have evinced such excessive dismay. But this occasional +timidity is characteristic of almost all herding creatures. Though +banding together in tens of thousands, the lion-maned buffaloes of the +West have fled before a solitary horseman. Witness, too, all human +beings, how when herded together in the sheepfold of a theatre’s pit, +they will, at the slightest alarm of fire, rush helter-skelter for the +outlets, crowding, trampling, jamming, and remorselessly dashing each +other to death. Best, therefore, withhold any amazement at the +strangely gallied whales before us, for there is no folly of the beasts +of the earth which is not infinitely outdone by the madness of men. + +Though many of the whales, as has been said, were in violent motion, +yet it is to be observed that as a whole the herd neither advanced nor +retreated, but collectively remained in one place. As is customary in +those cases, the boats at once separated, each making for some one lone +whale on the outskirts of the shoal. In about three minutes’ time, +Queequeg’s harpoon was flung; the stricken fish darted blinding spray +in our faces, and then running away with us like light, steered +straight for the heart of the herd. Though such a movement on the part +of the whale struck under such circumstances, is in no wise +unprecedented; and indeed is almost always more or less anticipated; +yet does it present one of the more perilous vicissitudes of the +fishery. For as the swift monster drags you deeper and deeper into the +frantic shoal, you bid adieu to circumspect life and only exist in a +delirious throb. + +As, blind and deaf, the whale plunged forward, as if by sheer power of +speed to rid himself of the iron leech that had fastened to him; as we +thus tore a white gash in the sea, on all sides menaced as we flew, by +the crazed creatures to and fro rushing about us; our beset boat was +like a ship mobbed by ice-isles in a tempest, and striving to steer +through their complicated channels and straits, knowing not at what +moment it may be locked in and crushed. + +But not a bit daunted, Queequeg steered us manfully; now sheering off +from this monster directly across our route in advance; now edging away +from that, whose colossal flukes were suspended overhead, while all the +time, Starbuck stood up in the bows, lance in hand, pricking out of our +way whatever whales he could reach by short darts, for there was no +time to make long ones. Nor were the oarsmen quite idle, though their +wonted duty was now altogether dispensed with. They chiefly attended to +the shouting part of the business. “Out of the way, Commodore!” cried +one, to a great dromedary that of a sudden rose bodily to the surface, +and for an instant threatened to swamp us. “Hard down with your tail, +there!” cried a second to another, which, close to our gunwale, seemed +calmly cooling himself with his own fan-like extremity. + +All whaleboats carry certain curious contrivances, originally invented +by the Nantucket Indians, called druggs. Two thick squares of wood of +equal size are stoutly clenched together, so that they cross each +other’s grain at right angles; a line of considerable length is then +attached to the middle of this block, and the other end of the line +being looped, it can in a moment be fastened to a harpoon. It is +chiefly among gallied whales that this drugg is used. For then, more +whales are close round you than you can possibly chase at one time. But +sperm whales are not every day encountered; while you may, then, you +must kill all you can. And if you cannot kill them all at once, you +must wing them, so that they can be afterwards killed at your leisure. +Hence it is, that at times like these the drugg, comes into +requisition. Our boat was furnished with three of them. The first and +second were successfully darted, and we saw the whales staggeringly +running off, fettered by the enormous sidelong resistance of the towing +drugg. They were cramped like malefactors with the chain and ball. But +upon flinging the third, in the act of tossing overboard the clumsy +wooden block, it caught under one of the seats of the boat, and in an +instant tore it out and carried it away, dropping the oarsman in the +boat’s bottom as the seat slid from under him. On both sides the sea +came in at the wounded planks, but we stuffed two or three drawers and +shirts in, and so stopped the leaks for the time. + +It had been next to impossible to dart these drugged-harpoons, were it +not that as we advanced into the herd, our whale’s way greatly +diminished; moreover, that as we went still further and further from +the circumference of commotion, the direful disorders seemed waning. So +that when at last the jerking harpoon drew out, and the towing whale +sideways vanished; then, with the tapering force of his parting +momentum, we glided between two whales into the innermost heart of the +shoal, as if from some mountain torrent we had slid into a serene +valley lake. Here the storms in the roaring glens between the outermost +whales, were heard but not felt. In this central expanse the sea +presented that smooth satin-like surface, called a sleek, produced by +the subtle moisture thrown off by the whale in his more quiet moods. +Yes, we were now in that enchanted calm which they say lurks at the +heart of every commotion. And still in the distracted distance we +beheld the tumults of the outer concentric circles, and saw successive +pods of whales, eight or ten in each, swiftly going round and round, +like multiplied spans of horses in a ring; and so closely shoulder to +shoulder, that a Titanic circus-rider might easily have over-arched the +middle ones, and so have gone round on their backs. Owing to the +density of the crowd of reposing whales, more immediately surrounding +the embayed axis of the herd, no possible chance of escape was at +present afforded us. We must watch for a breach in the living wall that +hemmed us in; the wall that had only admitted us in order to shut us +up. Keeping at the centre of the lake, we were occasionally visited by +small tame cows and calves; the women and children of this routed host. + +Now, inclusive of the occasional wide intervals between the revolving +outer circles, and inclusive of the spaces between the various pods in +any one of those circles, the entire area at this juncture, embraced by +the whole multitude, must have contained at least two or three square +miles. At any rate—though indeed such a test at such a time might be +deceptive—spoutings might be discovered from our low boat that seemed +playing up almost from the rim of the horizon. I mention this +circumstance, because, as if the cows and calves had been purposely +locked up in this innermost fold; and as if the wide extent of the herd +had hitherto prevented them from learning the precise cause of its +stopping; or, possibly, being so young, unsophisticated, and every way +innocent and inexperienced; however it may have been, these smaller +whales—now and then visiting our becalmed boat from the margin of the +lake—evinced a wondrous fearlessness and confidence, or else a still +becharmed panic which it was impossible not to marvel at. Like +household dogs they came snuffling round us, right up to our gunwales, +and touching them; till it almost seemed that some spell had suddenly +domesticated them. Queequeg patted their foreheads; Starbuck scratched +their backs with his lance; but fearful of the consequences, for the +time refrained from darting it. + +But far beneath this wondrous world upon the surface, another and still +stranger world met our eyes as we gazed over the side. For, suspended +in those watery vaults, floated the forms of the nursing mothers of the +whales, and those that by their enormous girth seemed shortly to become +mothers. The lake, as I have hinted, was to a considerable depth +exceedingly transparent; and as human infants while suckling will +calmly and fixedly gaze away from the breast, as if leading two +different lives at the time; and while yet drawing mortal nourishment, +be still spiritually feasting upon some unearthly reminiscence;—even so +did the young of these whales seem looking up towards us, but not at +us, as if we were but a bit of Gulfweed in their new-born sight. +Floating on their sides, the mothers also seemed quietly eyeing us. One +of these little infants, that from certain queer tokens seemed hardly a +day old, might have measured some fourteen feet in length, and some six +feet in girth. He was a little frisky; though as yet his body seemed +scarce yet recovered from that irksome position it had so lately +occupied in the maternal reticule; where, tail to head, and all ready +for the final spring, the unborn whale lies bent like a Tartar’s bow. +The delicate side-fins, and the palms of his flukes, still freshly +retained the plaited crumpled appearance of a baby’s ears newly arrived +from foreign parts. + +“Line! line!” cried Queequeg, looking over the gunwale; “him fast! him +fast!—Who line him! Who struck?—Two whale; one big, one little!” + +“What ails ye, man?” cried Starbuck. + +“Look-e here,” said Queequeg, pointing down. + +As when the stricken whale, that from the tub has reeled out hundreds +of fathoms of rope; as, after deep sounding, he floats up again, and +shows the slackened curling line buoyantly rising and spiralling +towards the air; so now, Starbuck saw long coils of the umbilical cord +of Madame Leviathan, by which the young cub seemed still tethered to +its dam. Not seldom in the rapid vicissitudes of the chase, this +natural line, with the maternal end loose, becomes entangled with the +hempen one, so that the cub is thereby trapped. Some of the subtlest +secrets of the seas seemed divulged to us in this enchanted pond. We +saw young Leviathan amours in the deep.* + +*The sperm whale, as with all other species of the Leviathan, but +unlike most other fish, breeds indifferently at all seasons; after a +gestation which may probably be set down at nine months, producing but +one at a time; though in some few known instances giving birth to an +Esau and Jacob:—a contingency provided for in suckling by two teats, +curiously situated, one on each side of the anus; but the breasts +themselves extend upwards from that. When by chance these precious +parts in a nursing whale are cut by the hunter’s lance, the mother’s +pouring milk and blood rivallingly discolour the sea for rods. The milk +is very sweet and rich; it has been tasted by man; it might do well +with strawberries. When overflowing with mutual esteem, the whales +salute _more hominum_. + +And thus, though surrounded by circle upon circle of consternations and +affrights, did these inscrutable creatures at the centre freely and +fearlessly indulge in all peaceful concernments; yea, serenely revelled +in dalliance and delight. But even so, amid the tornadoed Atlantic of +my being, do I myself still for ever centrally disport in mute calm; +and while ponderous planets of unwaning woe revolve round me, deep down +and deep inland there I still bathe me in eternal mildness of joy. + +Meanwhile, as we thus lay entranced, the occasional sudden frantic +spectacles in the distance evinced the activity of the other boats, +still engaged in drugging the whales on the frontier of the host; or +possibly carrying on the war within the first circle, where abundance +of room and some convenient retreats were afforded them. But the sight +of the enraged drugged whales now and then blindly darting to and fro +across the circles, was nothing to what at last met our eyes. It is +sometimes the custom when fast to a whale more than commonly powerful +and alert, to seek to hamstring him, as it were, by sundering or +maiming his gigantic tail-tendon. It is done by darting a short-handled +cutting-spade, to which is attached a rope for hauling it back again. A +whale wounded (as we afterwards learned) in this part, but not +effectually, as it seemed, had broken away from the boat, carrying +along with him half of the harpoon line; and in the extraordinary agony +of the wound, he was now dashing among the revolving circles like the +lone mounted desperado Arnold, at the battle of Saratoga, carrying +dismay wherever he went. + +But agonizing as was the wound of this whale, and an appalling +spectacle enough, any way; yet the peculiar horror with which he seemed +to inspire the rest of the herd, was owing to a cause which at first +the intervening distance obscured from us. But at length we perceived +that by one of the unimaginable accidents of the fishery, this whale +had become entangled in the harpoon-line that he towed; he had also run +away with the cutting-spade in him; and while the free end of the rope +attached to that weapon, had permanently caught in the coils of the +harpoon-line round his tail, the cutting-spade itself had worked loose +from his flesh. So that tormented to madness, he was now churning +through the water, violently flailing with his flexible tail, and +tossing the keen spade about him, wounding and murdering his own +comrades. + +This terrific object seemed to recall the whole herd from their +stationary fright. First, the whales forming the margin of our lake +began to crowd a little, and tumble against each other, as if lifted by +half spent billows from afar; then the lake itself began faintly to +heave and swell; the submarine bridal-chambers and nurseries vanished; +in more and more contracting orbits the whales in the more central +circles began to swim in thickening clusters. Yes, the long calm was +departing. A low advancing hum was soon heard; and then like to the +tumultuous masses of block-ice when the great river Hudson breaks up in +Spring, the entire host of whales came tumbling upon their inner +centre, as if to pile themselves up in one common mountain. Instantly +Starbuck and Queequeg changed places; Starbuck taking the stern. + +“Oars! Oars!” he intensely whispered, seizing the helm—“gripe your +oars, and clutch your souls, now! My God, men, stand by! Shove him off, +you Queequeg—the whale there!—prick him!—hit him! Stand up—stand up, +and stay so! Spring, men—pull, men; never mind their backs—scrape +them!—scrape away!” + +The boat was now all but jammed between two vast black bulks, leaving a +narrow Dardanelles between their long lengths. But by desperate +endeavor we at last shot into a temporary opening; then giving way +rapidly, and at the same time earnestly watching for another outlet. +After many similar hair-breadth escapes, we at last swiftly glided into +what had just been one of the outer circles, but now crossed by random +whales, all violently making for one centre. This lucky salvation was +cheaply purchased by the loss of Queequeg’s hat, who, while standing in +the bows to prick the fugitive whales, had his hat taken clean from his +head by the air-eddy made by the sudden tossing of a pair of broad +flukes close by. + +Riotous and disordered as the universal commotion now was, it soon +resolved itself into what seemed a systematic movement; for having +clumped together at last in one dense body, they then renewed their +onward flight with augmented fleetness. Further pursuit was useless; +but the boats still lingered in their wake to pick up what drugged +whales might be dropped astern, and likewise to secure one which Flask +had killed and waifed. The waif is a pennoned pole, two or three of +which are carried by every boat; and which, when additional game is at +hand, are inserted upright into the floating body of a dead whale, both +to mark its place on the sea, and also as token of prior possession, +should the boats of any other ship draw near. + +The result of this lowering was somewhat illustrative of that sagacious +saying in the Fishery,—the more whales the less fish. Of all the +drugged whales only one was captured. The rest contrived to escape for +the time, but only to be taken, as will hereafter be seen, by some +other craft than the Pequod. + + +CHAPTER 88. Schools and Schoolmasters. + +The previous chapter gave account of an immense body or herd of Sperm +Whales, and there was also then given the probable cause inducing those +vast aggregations. + +Now, though such great bodies are at times encountered, yet, as must +have been seen, even at the present day, small detached bands are +occasionally observed, embracing from twenty to fifty individuals each. +Such bands are known as schools. They generally are of two sorts; those +composed almost entirely of females, and those mustering none but young +vigorous males, or bulls, as they are familiarly designated. + +In cavalier attendance upon the school of females, you invariably see a +male of full grown magnitude, but not old; who, upon any alarm, evinces +his gallantry by falling in the rear and covering the flight of his +ladies. In truth, this gentleman is a luxurious Ottoman, swimming about +over the watery world, surroundingly accompanied by all the solaces and +endearments of the harem. The contrast between this Ottoman and his +concubines is striking; because, while he is always of the largest +leviathanic proportions, the ladies, even at full growth, are not more +than one-third of the bulk of an average-sized male. They are +comparatively delicate, indeed; I dare say, not to exceed half a dozen +yards round the waist. Nevertheless, it cannot be denied, that upon the +whole they are hereditarily entitled to _en bon point_. + +It is very curious to watch this harem and its lord in their indolent +ramblings. Like fashionables, they are for ever on the move in +leisurely search of variety. You meet them on the Line in time for the +full flower of the Equatorial feeding season, having just returned, +perhaps, from spending the summer in the Northern seas, and so cheating +summer of all unpleasant weariness and warmth. By the time they have +lounged up and down the promenade of the Equator awhile, they start for +the Oriental waters in anticipation of the cool season there, and so +evade the other excessive temperature of the year. + +When serenely advancing on one of these journeys, if any strange +suspicious sights are seen, my lord whale keeps a wary eye on his +interesting family. Should any unwarrantably pert young Leviathan +coming that way, presume to draw confidentially close to one of the +ladies, with what prodigious fury the Bashaw assails him, and chases +him away! High times, indeed, if unprincipled young rakes like him are +to be permitted to invade the sanctity of domestic bliss; though do +what the Bashaw will, he cannot keep the most notorious Lothario out of +his bed; for, alas! all fish bed in common. As ashore, the ladies often +cause the most terrible duels among their rival admirers; just so with +the whales, who sometimes come to deadly battle, and all for love. They +fence with their long lower jaws, sometimes locking them together, and +so striving for the supremacy like elks that warringly interweave their +antlers. Not a few are captured having the deep scars of these +encounters,—furrowed heads, broken teeth, scolloped fins; and in some +instances, wrenched and dislocated mouths. + +But supposing the invader of domestic bliss to betake himself away at +the first rush of the harem’s lord, then is it very diverting to watch +that lord. Gently he insinuates his vast bulk among them again and +revels there awhile, still in tantalizing vicinity to young Lothario, +like pious Solomon devoutly worshipping among his thousand concubines. +Granting other whales to be in sight, the fishermen will seldom give +chase to one of these Grand Turks; for these Grand Turks are too lavish +of their strength, and hence their unctuousness is small. As for the +sons and the daughters they beget, why, those sons and daughters must +take care of themselves; at least, with only the maternal help. For +like certain other omnivorous roving lovers that might be named, my +Lord Whale has no taste for the nursery, however much for the bower; +and so, being a great traveller, he leaves his anonymous babies all +over the world; every baby an exotic. In good time, nevertheless, as +the ardour of youth declines; as years and dumps increase; as +reflection lends her solemn pauses; in short, as a general lassitude +overtakes the sated Turk; then a love of ease and virtue supplants the +love for maidens; our Ottoman enters upon the impotent, repentant, +admonitory stage of life, forswears, disbands the harem, and grown to +an exemplary, sulky old soul, goes about all alone among the meridians +and parallels saying his prayers, and warning each young Leviathan from +his amorous errors. + +Now, as the harem of whales is called by the fishermen a school, so is +the lord and master of that school technically known as the +schoolmaster. It is therefore not in strict character, however +admirably satirical, that after going to school himself, he should then +go abroad inculcating not what he learned there, but the folly of it. +His title, schoolmaster, would very naturally seem derived from the +name bestowed upon the harem itself, but some have surmised that the +man who first thus entitled this sort of Ottoman whale, must have read +the memoirs of Vidocq, and informed himself what sort of a +country-schoolmaster that famous Frenchman was in his younger days, and +what was the nature of those occult lessons he inculcated into some of +his pupils. + +The same secludedness and isolation to which the schoolmaster whale +betakes himself in his advancing years, is true of all aged Sperm +Whales. Almost universally, a lone whale—as a solitary Leviathan is +called—proves an ancient one. Like venerable moss-bearded Daniel Boone, +he will have no one near him but Nature herself; and her he takes to +wife in the wilderness of waters, and the best of wives she is, though +she keeps so many moody secrets. + +The schools composing none but young and vigorous males, previously +mentioned, offer a strong contrast to the harem schools. For while +those female whales are characteristically timid, the young males, or +forty-barrel-bulls, as they call them, are by far the most pugnacious +of all Leviathans, and proverbially the most dangerous to encounter; +excepting those wondrous grey-headed, grizzled whales, sometimes met, +and these will fight you like grim fiends exasperated by a penal gout. + +The Forty-barrel-bull schools are larger than the harem schools. Like a +mob of young collegians, they are full of fight, fun, and wickedness, +tumbling round the world at such a reckless, rollicking rate, that no +prudent underwriter would insure them any more than he would a riotous +lad at Yale or Harvard. They soon relinquish this turbulence though, +and when about three-fourths grown, break up, and separately go about +in quest of settlements, that is, harems. + +Another point of difference between the male and female schools is +still more characteristic of the sexes. Say you strike a +Forty-barrel-bull—poor devil! all his comrades quit him. But strike a +member of the harem school, and her companions swim around her with +every token of concern, sometimes lingering so near her and so long, as +themselves to fall a prey. + + +CHAPTER 89. Fast-Fish and Loose-Fish. + +The allusion to the waif and waif-poles in the last chapter but one, +necessitates some account of the laws and regulations of the whale +fishery, of which the waif may be deemed the grand symbol and badge. + +It frequently happens that when several ships are cruising in company, +a whale may be struck by one vessel, then escape, and be finally killed +and captured by another vessel; and herein are indirectly comprised +many minor contingencies, all partaking of this one grand feature. For +example,—after a weary and perilous chase and capture of a whale, the +body may get loose from the ship by reason of a violent storm; and +drifting far away to leeward, be retaken by a second whaler, who, in a +calm, snugly tows it alongside, without risk of life or line. Thus the +most vexatious and violent disputes would often arise between the +fishermen, were there not some written or unwritten, universal, +undisputed law applicable to all cases. + +Perhaps the only formal whaling code authorized by legislative +enactment, was that of Holland. It was decreed by the States-General in +A.D. 1695. But though no other nation has ever had any written whaling +law, yet the American fishermen have been their own legislators and +lawyers in this matter. They have provided a system which for terse +comprehensiveness surpasses Justinian’s Pandects and the By-laws of the +Chinese Society for the Suppression of Meddling with other People’s +Business. Yes; these laws might be engraven on a Queen Anne’s farthing, +or the barb of a harpoon, and worn round the neck, so small are they. + +I. A Fast-Fish belongs to the party fast to it. + +II. A Loose-Fish is fair game for anybody who can soonest catch it. + +But what plays the mischief with this masterly code is the admirable +brevity of it, which necessitates a vast volume of commentaries to +expound it. + +First: What is a Fast-Fish? Alive or dead a fish is technically fast, +when it is connected with an occupied ship or boat, by any medium at +all controllable by the occupant or occupants,—a mast, an oar, a +nine-inch cable, a telegraph wire, or a strand of cobweb, it is all the +same. Likewise a fish is technically fast when it bears a waif, or any +other recognised symbol of possession; so long as the party waifing it +plainly evince their ability at any time to take it alongside, as well +as their intention so to do. + +These are scientific commentaries; but the commentaries of the whalemen +themselves sometimes consist in hard words and harder knocks—the +Coke-upon-Littleton of the fist. True, among the more upright and +honorable whalemen allowances are always made for peculiar cases, where +it would be an outrageous moral injustice for one party to claim +possession of a whale previously chased or killed by another party. But +others are by no means so scrupulous. + +Some fifty years ago there was a curious case of whale-trover litigated +in England, wherein the plaintiffs set forth that after a hard chase of +a whale in the Northern seas; and when indeed they (the plaintiffs) had +succeeded in harpooning the fish; they were at last, through peril of +their lives, obliged to forsake not only their lines, but their boat +itself. Ultimately the defendants (the crew of another ship) came up +with the whale, struck, killed, seized, and finally appropriated it +before the very eyes of the plaintiffs. And when those defendants were +remonstrated with, their captain snapped his fingers in the plaintiffs’ +teeth, and assured them that by way of doxology to the deed he had +done, he would now retain their line, harpoons, and boat, which had +remained attached to the whale at the time of the seizure. Wherefore +the plaintiffs now sued for the recovery of the value of their whale, +line, harpoons, and boat. + +Mr. Erskine was counsel for the defendants; Lord Ellenborough was the +judge. In the course of the defence, the witty Erskine went on to +illustrate his position, by alluding to a recent crim. con. case, +wherein a gentleman, after in vain trying to bridle his wife’s +viciousness, had at last abandoned her upon the seas of life; but in +the course of years, repenting of that step, he instituted an action to +recover possession of her. Erskine was on the other side; and he then +supported it by saying, that though the gentleman had originally +harpooned the lady, and had once had her fast, and only by reason of +the great stress of her plunging viciousness, had at last abandoned +her; yet abandon her he did, so that she became a loose-fish; and +therefore when a subsequent gentleman re-harpooned her, the lady then +became that subsequent gentleman’s property, along with whatever +harpoon might have been found sticking in her. + +Now in the present case Erskine contended that the examples of the +whale and the lady were reciprocally illustrative of each other. + +These pleadings, and the counter pleadings, being duly heard, the very +learned judge in set terms decided, to wit,—That as for the boat, he +awarded it to the plaintiffs, because they had merely abandoned it to +save their lives; but that with regard to the controverted whale, +harpoons, and line, they belonged to the defendants; the whale, because +it was a Loose-Fish at the time of the final capture; and the harpoons +and line because when the fish made off with them, it (the fish) +acquired a property in those articles; and hence anybody who afterwards +took the fish had a right to them. Now the defendants afterwards took +the fish; ergo, the aforesaid articles were theirs. + +A common man looking at this decision of the very learned Judge, might +possibly object to it. But ploughed up to the primary rock of the +matter, the two great principles laid down in the twin whaling laws +previously quoted, and applied and elucidated by Lord Ellenborough in +the above cited case; these two laws touching Fast-Fish and Loose-Fish, +I say, will, on reflection, be found the fundamentals of all human +jurisprudence; for notwithstanding its complicated tracery of +sculpture, the Temple of the Law, like the Temple of the Philistines, +has but two props to stand on. + +Is it not a saying in every one’s mouth, Possession is half of the law: +that is, regardless of how the thing came into possession? But often +possession is the whole of the law. What are the sinews and souls of +Russian serfs and Republican slaves but Fast-Fish, whereof possession +is the whole of the law? What to the rapacious landlord is the widow’s +last mite but a Fast-Fish? What is yonder undetected villain’s marble +mansion with a door-plate for a waif; what is that but a Fast-Fish? +What is the ruinous discount which Mordecai, the broker, gets from poor +Woebegone, the bankrupt, on a loan to keep Woebegone’s family from +starvation; what is that ruinous discount but a Fast-Fish? What is the +Archbishop of Savesoul’s income of £100,000 seized from the scant bread +and cheese of hundreds of thousands of broken-backed laborers (all sure +of heaven without any of Savesoul’s help) what is that globular +£100,000 but a Fast-Fish? What are the Duke of Dunder’s hereditary +towns and hamlets but Fast-Fish? What to that redoubted harpooneer, +John Bull, is poor Ireland, but a Fast-Fish? What to that apostolic +lancer, Brother Jonathan, is Texas but a Fast-Fish? And concerning all +these, is not Possession the whole of the law? + +But if the doctrine of Fast-Fish be pretty generally applicable, the +kindred doctrine of Loose-Fish is still more widely so. That is +internationally and universally applicable. + +What was America in 1492 but a Loose-Fish, in which Columbus struck the +Spanish standard by way of waifing it for his royal master and +mistress? What was Poland to the Czar? What Greece to the Turk? What +India to England? What at last will Mexico be to the United States? All +Loose-Fish. + +What are the Rights of Man and the Liberties of the World but +Loose-Fish? What all men’s minds and opinions but Loose-Fish? What is +the principle of religious belief in them but a Loose-Fish? What to the +ostentatious smuggling verbalists are the thoughts of thinkers but +Loose-Fish? What is the great globe itself but a Loose-Fish? And what +are you, reader, but a Loose-Fish and a Fast-Fish, too? + + +CHAPTER 90. Heads or Tails. + +“De balena vero sufficit, si rex habeat caput, et regina caudam.” +_Bracton, l. 3, c. 3._ + +Latin from the books of the Laws of England, which taken along with the +context, means, that of all whales captured by anybody on the coast of +that land, the King, as Honorary Grand Harpooneer, must have the head, +and the Queen be respectfully presented with the tail. A division +which, in the whale, is much like halving an apple; there is no +intermediate remainder. Now as this law, under a modified form, is to +this day in force in England; and as it offers in various respects a +strange anomaly touching the general law of Fast and Loose-Fish, it is +here treated of in a separate chapter, on the same courteous principle +that prompts the English railways to be at the expense of a separate +car, specially reserved for the accommodation of royalty. In the first +place, in curious proof of the fact that the above-mentioned law is +still in force, I proceed to lay before you a circumstance that +happened within the last two years. + +It seems that some honest mariners of Dover, or Sandwich, or some one +of the Cinque Ports, had after a hard chase succeeded in killing and +beaching a fine whale which they had originally descried afar off from +the shore. Now the Cinque Ports are partially or somehow under the +jurisdiction of a sort of policeman or beadle, called a Lord Warden. +Holding the office directly from the crown, I believe, all the royal +emoluments incident to the Cinque Port territories become by assignment +his. By some writers this office is called a sinecure. But not so. +Because the Lord Warden is busily employed at times in fobbing his +perquisites; which are his chiefly by virtue of that same fobbing of +them. + +Now when these poor sun-burnt mariners, bare-footed, and with their +trowsers rolled high up on their eely legs, had wearily hauled their +fat fish high and dry, promising themselves a good £150 from the +precious oil and bone; and in fantasy sipping rare tea with their +wives, and good ale with their cronies, upon the strength of their +respective shares; up steps a very learned and most Christian and +charitable gentleman, with a copy of Blackstone under his arm; and +laying it upon the whale’s head, he says—“Hands off! this fish, my +masters, is a Fast-Fish. I seize it as the Lord Warden’s.” Upon this +the poor mariners in their respectful consternation—so truly +English—knowing not what to say, fall to vigorously scratching their +heads all round; meanwhile ruefully glancing from the whale to the +stranger. But that did in nowise mend the matter, or at all soften the +hard heart of the learned gentleman with the copy of Blackstone. At +length one of them, after long scratching about for his ideas, made +bold to speak, + +“Please, sir, who is the Lord Warden?” + +“The Duke.” + +“But the duke had nothing to do with taking this fish?” + +“It is his.” + +“We have been at great trouble, and peril, and some expense, and is all +that to go to the Duke’s benefit; we getting nothing at all for our +pains but our blisters?” + +“It is his.” + +“Is the Duke so very poor as to be forced to this desperate mode of +getting a livelihood?” + +“It is his.” + +“I thought to relieve my old bed-ridden mother by part of my share of +this whale.” + +“It is his.” + +“Won’t the Duke be content with a quarter or a half?” + +“It is his.” + +In a word, the whale was seized and sold, and his Grace the Duke of +Wellington received the money. Thinking that viewed in some particular +lights, the case might by a bare possibility in some small degree be +deemed, under the circumstances, a rather hard one, an honest clergyman +of the town respectfully addressed a note to his Grace, begging him to +take the case of those unfortunate mariners into full consideration. To +which my Lord Duke in substance replied (both letters were published) +that he had already done so, and received the money, and would be +obliged to the reverend gentleman if for the future he (the reverend +gentleman) would decline meddling with other people’s business. Is this +the still militant old man, standing at the corners of the three +kingdoms, on all hands coercing alms of beggars? + +It will readily be seen that in this case the alleged right of the Duke +to the whale was a delegated one from the Sovereign. We must needs +inquire then on what principle the Sovereign is originally invested +with that right. The law itself has already been set forth. But Plowdon +gives us the reason for it. Says Plowdon, the whale so caught belongs +to the King and Queen, “because of its superior excellence.” And by the +soundest commentators this has ever been held a cogent argument in such +matters. + +But why should the King have the head, and the Queen the tail? A reason +for that, ye lawyers! + +In his treatise on “Queen-Gold,” or Queen-pinmoney, an old King’s Bench +author, one William Prynne, thus discourseth: “Ye tail is ye Queen’s, +that ye Queen’s wardrobe may be supplied with ye whalebone.” Now this +was written at a time when the black limber bone of the Greenland or +Right whale was largely used in ladies’ bodices. But this same bone is +not in the tail; it is in the head, which is a sad mistake for a +sagacious lawyer like Prynne. But is the Queen a mermaid, to be +presented with a tail? An allegorical meaning may lurk here. + +There are two royal fish so styled by the English law writers—the whale +and the sturgeon; both royal property under certain limitations, and +nominally supplying the tenth branch of the crown’s ordinary revenue. I +know not that any other author has hinted of the matter; but by +inference it seems to me that the sturgeon must be divided in the same +way as the whale, the King receiving the highly dense and elastic head +peculiar to that fish, which, symbolically regarded, may possibly be +humorously grounded upon some presumed congeniality. And thus there +seems a reason in all things, even in law. + + +CHAPTER 91. The Pequod Meets The Rose-Bud. + +“In vain it was to rake for Ambergriese in the paunch of this +Leviathan, insufferable fetor denying not inquiry.” _Sir T. Browne, +V.E._ + +It was a week or two after the last whaling scene recounted, and when +we were slowly sailing over a sleepy, vapory, mid-day sea, that the +many noses on the Pequod’s deck proved more vigilant discoverers than +the three pairs of eyes aloft. A peculiar and not very pleasant smell +was smelt in the sea. + +“I will bet something now,” said Stubb, “that somewhere hereabouts are +some of those drugged whales we tickled the other day. I thought they +would keel up before long.” + +Presently, the vapors in advance slid aside; and there in the distance +lay a ship, whose furled sails betokened that some sort of whale must +be alongside. As we glided nearer, the stranger showed French colours +from his peak; and by the eddying cloud of vulture sea-fowl that +circled, and hovered, and swooped around him, it was plain that the +whale alongside must be what the fishermen call a blasted whale, that +is, a whale that has died unmolested on the sea, and so floated an +unappropriated corpse. It may well be conceived, what an unsavory odor +such a mass must exhale; worse than an Assyrian city in the plague, +when the living are incompetent to bury the departed. So intolerable +indeed is it regarded by some, that no cupidity could persuade them to +moor alongside of it. Yet are there those who will still do it; +notwithstanding the fact that the oil obtained from such subjects is of +a very inferior quality, and by no means of the nature of +attar-of-rose. + +Coming still nearer with the expiring breeze, we saw that the Frenchman +had a second whale alongside; and this second whale seemed even more of +a nosegay than the first. In truth, it turned out to be one of those +problematical whales that seem to dry up and die with a sort of +prodigious dyspepsia, or indigestion; leaving their defunct bodies +almost entirely bankrupt of anything like oil. Nevertheless, in the +proper place we shall see that no knowing fisherman will ever turn up +his nose at such a whale as this, however much he may shun blasted +whales in general. + +The Pequod had now swept so nigh to the stranger, that Stubb vowed he +recognised his cutting spade-pole entangled in the lines that were +knotted round the tail of one of these whales. + +“There’s a pretty fellow, now,” he banteringly laughed, standing in the +ship’s bows, “there’s a jackal for ye! I well know that these Crappoes +of Frenchmen are but poor devils in the fishery; sometimes lowering +their boats for breakers, mistaking them for Sperm Whale spouts; yes, +and sometimes sailing from their port with their hold full of boxes of +tallow candles, and cases of snuffers, foreseeing that all the oil they +will get won’t be enough to dip the Captain’s wick into; aye, we all +know these things; but look ye, here’s a Crappo that is content with +our leavings, the drugged whale there, I mean; aye, and is content too +with scraping the dry bones of that other precious fish he has there. +Poor devil! I say, pass round a hat, some one, and let’s make him a +present of a little oil for dear charity’s sake. For what oil he’ll get +from that drugged whale there, wouldn’t be fit to burn in a jail; no, +not in a condemned cell. And as for the other whale, why, I’ll agree to +get more oil by chopping up and trying out these three masts of ours, +than he’ll get from that bundle of bones; though, now that I think of +it, it may contain something worth a good deal more than oil; yes, +ambergris. I wonder now if our old man has thought of that. It’s worth +trying. Yes, I’m for it;” and so saying he started for the +quarter-deck. + +By this time the faint air had become a complete calm; so that whether +or no, the Pequod was now fairly entrapped in the smell, with no hope +of escaping except by its breezing up again. Issuing from the cabin, +Stubb now called his boat’s crew, and pulled off for the stranger. +Drawing across her bow, he perceived that in accordance with the +fanciful French taste, the upper part of her stem-piece was carved in +the likeness of a huge drooping stalk, was painted green, and for +thorns had copper spikes projecting from it here and there; the whole +terminating in a symmetrical folded bulb of a bright red colour. Upon +her head boards, in large gilt letters, he read “Bouton de +Rose,”—Rose-button, or Rose-bud; and this was the romantic name of this +aromatic ship. + +Though Stubb did not understand the _Bouton_ part of the inscription, +yet the word _rose_, and the bulbous figure-head put together, +sufficiently explained the whole to him. + +“A wooden rose-bud, eh?” he cried with his hand to his nose, “that will +do very well; but how like all creation it smells!” + +Now in order to hold direct communication with the people on deck, he +had to pull round the bows to the starboard side, and thus come close +to the blasted whale; and so talk over it. + +Arrived then at this spot, with one hand still to his nose, he +bawled—“Bouton-de-Rose, ahoy! are there any of you Bouton-de-Roses that +speak English?” + +“Yes,” rejoined a Guernsey-man from the bulwarks, who turned out to be +the chief-mate. + +“Well, then, my Bouton-de-Rose-bud, have you seen the White Whale?” + +“_What_ whale?” + +“The _White_ Whale—a Sperm Whale—Moby Dick, have ye seen him? + +“Never heard of such a whale. Cachalot Blanche! White Whale—no.” + +“Very good, then; good bye now, and I’ll call again in a minute.” + +Then rapidly pulling back towards the Pequod, and seeing Ahab leaning +over the quarter-deck rail awaiting his report, he moulded his two +hands into a trumpet and shouted—“No, Sir! No!” Upon which Ahab +retired, and Stubb returned to the Frenchman. + +He now perceived that the Guernsey-man, who had just got into the +chains, and was using a cutting-spade, had slung his nose in a sort of +bag. + +“What’s the matter with your nose, there?” said Stubb. “Broke it?” + +“I wish it was broken, or that I didn’t have any nose at all!” answered +the Guernsey-man, who did not seem to relish the job he was at very +much. “But what are you holding _yours_ for?” + +“Oh, nothing! It’s a wax nose; I have to hold it on. Fine day, ain’t +it? Air rather gardenny, I should say; throw us a bunch of posies, will +ye, Bouton-de-Rose?” + +“What in the devil’s name do you want here?” roared the Guernseyman, +flying into a sudden passion. + +“Oh! keep cool—cool? yes, that’s the word! why don’t you pack those +whales in ice while you’re working at ’em? But joking aside, though; do +you know, Rose-bud, that it’s all nonsense trying to get any oil out of +such whales? As for that dried up one, there, he hasn’t a gill in his +whole carcase.” + +“I know that well enough; but, d’ye see, the Captain here won’t believe +it; this is his first voyage; he was a Cologne manufacturer before. But +come aboard, and mayhap he’ll believe you, if he won’t me; and so I’ll +get out of this dirty scrape.” + +“Anything to oblige ye, my sweet and pleasant fellow,” rejoined Stubb, +and with that he soon mounted to the deck. There a queer scene +presented itself. The sailors, in tasselled caps of red worsted, were +getting the heavy tackles in readiness for the whales. But they worked +rather slow and talked very fast, and seemed in anything but a good +humor. All their noses upwardly projected from their faces like so many +jib-booms. Now and then pairs of them would drop their work, and run up +to the mast-head to get some fresh air. Some thinking they would catch +the plague, dipped oakum in coal-tar, and at intervals held it to their +nostrils. Others having broken the stems of their pipes almost short +off at the bowl, were vigorously puffing tobacco-smoke, so that it +constantly filled their olfactories. + +Stubb was struck by a shower of outcries and anathemas proceeding from +the Captain’s round-house abaft; and looking in that direction saw a +fiery face thrust from behind the door, which was held ajar from +within. This was the tormented surgeon, who, after in vain +remonstrating against the proceedings of the day, had betaken himself +to the Captain’s round-house (_cabinet_ he called it) to avoid the +pest; but still, could not help yelling out his entreaties and +indignations at times. + +Marking all this, Stubb argued well for his scheme, and turning to the +Guernsey-man had a little chat with him, during which the stranger mate +expressed his detestation of his Captain as a conceited ignoramus, who +had brought them all into so unsavory and unprofitable a pickle. +Sounding him carefully, Stubb further perceived that the Guernsey-man +had not the slightest suspicion concerning the ambergris. He therefore +held his peace on that head, but otherwise was quite frank and +confidential with him, so that the two quickly concocted a little plan +for both circumventing and satirizing the Captain, without his at all +dreaming of distrusting their sincerity. According to this little plan +of theirs, the Guernsey-man, under cover of an interpreter’s office, +was to tell the Captain what he pleased, but as coming from Stubb; and +as for Stubb, he was to utter any nonsense that should come uppermost +in him during the interview. + +By this time their destined victim appeared from his cabin. He was a +small and dark, but rather delicate looking man for a sea-captain, with +large whiskers and moustache, however; and wore a red cotton velvet +vest with watch-seals at his side. To this gentleman, Stubb was now +politely introduced by the Guernsey-man, who at once ostentatiously put +on the aspect of interpreting between them. + +“What shall I say to him first?” said he. + +“Why,” said Stubb, eyeing the velvet vest and the watch and seals, “you +may as well begin by telling him that he looks a sort of babyish to me, +though I don’t pretend to be a judge.” + +“He says, Monsieur,” said the Guernsey-man, in French, turning to his +captain, “that only yesterday his ship spoke a vessel, whose captain +and chief-mate, with six sailors, had all died of a fever caught from a +blasted whale they had brought alongside.” + +Upon this the captain started, and eagerly desired to know more. + +“What now?” said the Guernsey-man to Stubb. + +“Why, since he takes it so easy, tell him that now I have eyed him +carefully, I’m quite certain that he’s no more fit to command a +whale-ship than a St. Jago monkey. In fact, tell him from me he’s a +baboon.” + +“He vows and declares, Monsieur, that the other whale, the dried one, +is far more deadly than the blasted one; in fine, Monsieur, he conjures +us, as we value our lives, to cut loose from these fish.” + +Instantly the captain ran forward, and in a loud voice commanded his +crew to desist from hoisting the cutting-tackles, and at once cast +loose the cables and chains confining the whales to the ship. + +“What now?” said the Guernsey-man, when the Captain had returned to +them. + +“Why, let me see; yes, you may as well tell him now that—that—in fact, +tell him I’ve diddled him, and (aside to himself) perhaps somebody +else.” + +“He says, Monsieur, that he’s very happy to have been of any service to +us.” + +Hearing this, the captain vowed that they were the grateful parties +(meaning himself and mate) and concluded by inviting Stubb down into +his cabin to drink a bottle of Bordeaux. + +“He wants you to take a glass of wine with him,” said the interpreter. + +“Thank him heartily; but tell him it’s against my principles to drink +with the man I’ve diddled. In fact, tell him I must go.” + +“He says, Monsieur, that his principles won’t admit of his drinking; +but that if Monsieur wants to live another day to drink, then Monsieur +had best drop all four boats, and pull the ship away from these whales, +for it’s so calm they won’t drift.” + +By this time Stubb was over the side, and getting into his boat, hailed +the Guernsey-man to this effect,—that having a long tow-line in his +boat, he would do what he could to help them, by pulling out the +lighter whale of the two from the ship’s side. While the Frenchman’s +boats, then, were engaged in towing the ship one way, Stubb +benevolently towed away at his whale the other way, ostentatiously +slacking out a most unusually long tow-line. + +Presently a breeze sprang up; Stubb feigned to cast off from the whale; +hoisting his boats, the Frenchman soon increased his distance, while +the Pequod slid in between him and Stubb’s whale. Whereupon Stubb +quickly pulled to the floating body, and hailing the Pequod to give +notice of his intentions, at once proceeded to reap the fruit of his +unrighteous cunning. Seizing his sharp boat-spade, he commenced an +excavation in the body, a little behind the side fin. You would almost +have thought he was digging a cellar there in the sea; and when at +length his spade struck against the gaunt ribs, it was like turning up +old Roman tiles and pottery buried in fat English loam. His boat’s crew +were all in high excitement, eagerly helping their chief, and looking +as anxious as gold-hunters. + +And all the time numberless fowls were diving, and ducking, and +screaming, and yelling, and fighting around them. Stubb was beginning +to look disappointed, especially as the horrible nosegay increased, +when suddenly from out the very heart of this plague, there stole a +faint stream of perfume, which flowed through the tide of bad smells +without being absorbed by it, as one river will flow into and then +along with another, without at all blending with it for a time. + +“I have it, I have it,” cried Stubb, with delight, striking something +in the subterranean regions, “a purse! a purse!” + +Dropping his spade, he thrust both hands in, and drew out handfuls of +something that looked like ripe Windsor soap, or rich mottled old +cheese; very unctuous and savory withal. You might easily dent it with +your thumb; it is of a hue between yellow and ash colour. And this, +good friends, is ambergris, worth a gold guinea an ounce to any +druggist. Some six handfuls were obtained; but more was unavoidably +lost in the sea, and still more, perhaps, might have been secured were +it not for impatient Ahab’s loud command to Stubb to desist, and come +on board, else the ship would bid them good bye. + + +CHAPTER 92. Ambergris. + +Now this ambergris is a very curious substance, and so important as an +article of commerce, that in 1791 a certain Nantucket-born Captain +Coffin was examined at the bar of the English House of Commons on that +subject. For at that time, and indeed until a comparatively late day, +the precise origin of ambergris remained, like amber itself, a problem +to the learned. Though the word ambergris is but the French compound +for grey amber, yet the two substances are quite distinct. For amber, +though at times found on the sea-coast, is also dug up in some far +inland soils, whereas ambergris is never found except upon the sea. +Besides, amber is a hard, transparent, brittle, odorless substance, +used for mouth-pieces to pipes, for beads and ornaments; but ambergris +is soft, waxy, and so highly fragrant and spicy, that it is largely +used in perfumery, in pastiles, precious candles, hair-powders, and +pomatum. The Turks use it in cooking, and also carry it to Mecca, for +the same purpose that frankincense is carried to St. Peter’s in Rome. +Some wine merchants drop a few grains into claret, to flavor it. + +Who would think, then, that such fine ladies and gentlemen should +regale themselves with an essence found in the inglorious bowels of a +sick whale! Yet so it is. By some, ambergris is supposed to be the +cause, and by others the effect, of the dyspepsia in the whale. How to +cure such a dyspepsia it were hard to say, unless by administering +three or four boat loads of Brandreth’s pills, and then running out of +harm’s way, as laborers do in blasting rocks. + +I have forgotten to say that there were found in this ambergris, +certain hard, round, bony plates, which at first Stubb thought might be +sailors’ trowsers buttons; but it afterwards turned out that they were +nothing more than pieces of small squid bones embalmed in that manner. + +Now that the incorruption of this most fragrant ambergris should be +found in the heart of such decay; is this nothing? Bethink thee of that +saying of St. Paul in Corinthians, about corruption and incorruption; +how that we are sown in dishonor, but raised in glory. And likewise +call to mind that saying of Paracelsus about what it is that maketh the +best musk. Also forget not the strange fact that of all things of +ill-savor, Cologne-water, in its rudimental manufacturing stages, is +the worst. + +I should like to conclude the chapter with the above appeal, but +cannot, owing to my anxiety to repel a charge often made against +whalemen, and which, in the estimation of some already biased minds, +might be considered as indirectly substantiated by what has been said +of the Frenchman’s two whales. Elsewhere in this volume the slanderous +aspersion has been disproved, that the vocation of whaling is +throughout a slatternly, untidy business. But there is another thing to +rebut. They hint that all whales always smell bad. Now how did this +odious stigma originate? + +I opine, that it is plainly traceable to the first arrival of the +Greenland whaling ships in London, more than two centuries ago. Because +those whalemen did not then, and do not now, try out their oil at sea +as the Southern ships have always done; but cutting up the fresh +blubber in small bits, thrust it through the bung holes of large casks, +and carry it home in that manner; the shortness of the season in those +Icy Seas, and the sudden and violent storms to which they are exposed, +forbidding any other course. The consequence is, that upon breaking +into the hold, and unloading one of these whale cemeteries, in the +Greenland dock, a savor is given forth somewhat similar to that arising +from excavating an old city grave-yard, for the foundations of a +Lying-in Hospital. + +I partly surmise also, that this wicked charge against whalers may be +likewise imputed to the existence on the coast of Greenland, in former +times, of a Dutch village called Schmerenburgh or Smeerenberg, which +latter name is the one used by the learned Fogo Von Slack, in his great +work on Smells, a text-book on that subject. As its name imports +(smeer, fat; berg, to put up), this village was founded in order to +afford a place for the blubber of the Dutch whale fleet to be tried +out, without being taken home to Holland for that purpose. It was a +collection of furnaces, fat-kettles, and oil sheds; and when the works +were in full operation certainly gave forth no very pleasant savor. But +all this is quite different with a South Sea Sperm Whaler; which in a +voyage of four years perhaps, after completely filling her hold with +oil, does not, perhaps, consume fifty days in the business of boiling +out; and in the state that it is casked, the oil is nearly scentless. +The truth is, that living or dead, if but decently treated, whales as a +species are by no means creatures of ill odor; nor can whalemen be +recognised, as the people of the middle ages affected to detect a Jew +in the company, by the nose. Nor indeed can the whale possibly be +otherwise than fragrant, when, as a general thing, he enjoys such high +health; taking abundance of exercise; always out of doors; though, it +is true, seldom in the open air. I say, that the motion of a Sperm +Whale’s flukes above water dispenses a perfume, as when a musk-scented +lady rustles her dress in a warm parlor. What then shall I liken the +Sperm Whale to for fragrance, considering his magnitude? Must it not be +to that famous elephant, with jewelled tusks, and redolent with myrrh, +which was led out of an Indian town to do honor to Alexander the Great? + + +CHAPTER 93. The Castaway. + +It was but some few days after encountering the Frenchman, that a most +significant event befell the most insignificant of the Pequod’s crew; +an event most lamentable; and which ended in providing the sometimes +madly merry and predestinated craft with a living and ever accompanying +prophecy of whatever shattered sequel might prove her own. + +Now, in the whale ship, it is not every one that goes in the boats. +Some few hands are reserved called ship-keepers, whose province it is +to work the vessel while the boats are pursuing the whale. As a general +thing, these ship-keepers are as hardy fellows as the men comprising +the boats’ crews. But if there happen to be an unduly slender, clumsy, +or timorous wight in the ship, that wight is certain to be made a +ship-keeper. It was so in the Pequod with the little negro Pippin by +nick-name, Pip by abbreviation. Poor Pip! ye have heard of him before; +ye must remember his tambourine on that dramatic midnight, so +gloomy-jolly. + +In outer aspect, Pip and Dough-Boy made a match, like a black pony and +a white one, of equal developments, though of dissimilar colour, driven +in one eccentric span. But while hapless Dough-Boy was by nature dull +and torpid in his intellects, Pip, though over tender-hearted, was at +bottom very bright, with that pleasant, genial, jolly brightness +peculiar to his tribe; a tribe, which ever enjoy all holidays and +festivities with finer, freer relish than any other race. For blacks, +the year’s calendar should show naught but three hundred and sixty-five +Fourth of Julys and New Year’s Days. Nor smile so, while I write that +this little black was brilliant, for even blackness has its brilliancy; +behold yon lustrous ebony, panelled in king’s cabinets. But Pip loved +life, and all life’s peaceable securities; so that the panic-striking +business in which he had somehow unaccountably become entrapped, had +most sadly blurred his brightness; though, as ere long will be seen, +what was thus temporarily subdued in him, in the end was destined to be +luridly illumined by strange wild fires, that fictitiously showed him +off to ten times the natural lustre with which in his native Tolland +County in Connecticut, he had once enlivened many a fiddler’s frolic on +the green; and at melodious even-tide, with his gay ha-ha! had turned +the round horizon into one star-belled tambourine. So, though in the +clear air of day, suspended against a blue-veined neck, the +pure-watered diamond drop will healthful glow; yet, when the cunning +jeweller would show you the diamond in its most impressive lustre, he +lays it against a gloomy ground, and then lights it up, not by the sun, +but by some unnatural gases. Then come out those fiery effulgences, +infernally superb; then the evil-blazing diamond, once the divinest +symbol of the crystal skies, looks like some crown-jewel stolen from +the King of Hell. But let us to the story. + +It came to pass, that in the ambergris affair Stubb’s after-oarsman +chanced so to sprain his hand, as for a time to become quite maimed; +and, temporarily, Pip was put into his place. + +The first time Stubb lowered with him, Pip evinced much nervousness; +but happily, for that time, escaped close contact with the whale; and +therefore came off not altogether discreditably; though Stubb observing +him, took care, afterwards, to exhort him to cherish his courageousness +to the utmost, for he might often find it needful. + +Now upon the second lowering, the boat paddled upon the whale; and as +the fish received the darted iron, it gave its customary rap, which +happened, in this instance, to be right under poor Pip’s seat. The +involuntary consternation of the moment caused him to leap, paddle in +hand, out of the boat; and in such a way, that part of the slack whale +line coming against his chest, he breasted it overboard with him, so as +to become entangled in it, when at last plumping into the water. That +instant the stricken whale started on a fierce run, the line swiftly +straightened; and presto! poor Pip came all foaming up to the chocks of +the boat, remorselessly dragged there by the line, which had taken +several turns around his chest and neck. + +Tashtego stood in the bows. He was full of the fire of the hunt. He +hated Pip for a poltroon. Snatching the boat-knife from its sheath, he +suspended its sharp edge over the line, and turning towards Stubb, +exclaimed interrogatively, “Cut?” Meantime Pip’s blue, choked face +plainly looked, Do, for God’s sake! All passed in a flash. In less than +half a minute, this entire thing happened. + +“Damn him, cut!” roared Stubb; and so the whale was lost and Pip was +saved. + +So soon as he recovered himself, the poor little negro was assailed by +yells and execrations from the crew. Tranquilly permitting these +irregular cursings to evaporate, Stubb then in a plain, business-like, +but still half humorous manner, cursed Pip officially; and that done, +unofficially gave him much wholesome advice. The substance was, Never +jump from a boat, Pip, except—but all the rest was indefinite, as the +soundest advice ever is. Now, in general, _Stick to the boat_, is your +true motto in whaling; but cases will sometimes happen when _Leap from +the boat_, is still better. Moreover, as if perceiving at last that if +he should give undiluted conscientious advice to Pip, he would be +leaving him too wide a margin to jump in for the future; Stubb suddenly +dropped all advice, and concluded with a peremptory command, “Stick to +the boat, Pip, or by the Lord, I won’t pick you up if you jump; mind +that. We can’t afford to lose whales by the likes of you; a whale would +sell for thirty times what you would, Pip, in Alabama. Bear that in +mind, and don’t jump any more.” Hereby perhaps Stubb indirectly hinted, +that though man loved his fellow, yet man is a money-making animal, +which propensity too often interferes with his benevolence. + +But we are all in the hands of the Gods; and Pip jumped again. It was +under very similar circumstances to the first performance; but this +time he did not breast out the line; and hence, when the whale started +to run, Pip was left behind on the sea, like a hurried traveller’s +trunk. Alas! Stubb was but too true to his word. It was a beautiful, +bounteous, blue day; the spangled sea calm and cool, and flatly +stretching away, all round, to the horizon, like gold-beater’s skin +hammered out to the extremest. Bobbing up and down in that sea, Pip’s +ebon head showed like a head of cloves. No boat-knife was lifted when +he fell so rapidly astern. Stubb’s inexorable back was turned upon him; +and the whale was winged. In three minutes, a whole mile of shoreless +ocean was between Pip and Stubb. Out from the centre of the sea, poor +Pip turned his crisp, curling, black head to the sun, another lonely +castaway, though the loftiest and the brightest. + +Now, in calm weather, to swim in the open ocean is as easy to the +practised swimmer as to ride in a spring-carriage ashore. But the awful +lonesomeness is intolerable. The intense concentration of self in the +middle of such a heartless immensity, my God! who can tell it? Mark, +how when sailors in a dead calm bathe in the open sea—mark how closely +they hug their ship and only coast along her sides. + +But had Stubb really abandoned the poor little negro to his fate? No; +he did not mean to, at least. Because there were two boats in his wake, +and he supposed, no doubt, that they would of course come up to Pip +very quickly, and pick him up; though, indeed, such considerations +towards oarsmen jeopardized through their own timidity, is not always +manifested by the hunters in all similar instances; and such instances +not unfrequently occur; almost invariably in the fishery, a coward, so +called, is marked with the same ruthless detestation peculiar to +military navies and armies. + +But it so happened, that those boats, without seeing Pip, suddenly +spying whales close to them on one side, turned, and gave chase; and +Stubb’s boat was now so far away, and he and all his crew so intent +upon his fish, that Pip’s ringed horizon began to expand around him +miserably. By the merest chance the ship itself at last rescued him; +but from that hour the little negro went about the deck an idiot; such, +at least, they said he was. The sea had jeeringly kept his finite body +up, but drowned the infinite of his soul. Not drowned entirely, though. +Rather carried down alive to wondrous depths, where strange shapes of +the unwarped primal world glided to and fro before his passive eyes; +and the miser-merman, Wisdom, revealed his hoarded heaps; and among the +joyous, heartless, ever-juvenile eternities, Pip saw the multitudinous, +God-omnipresent, coral insects, that out of the firmament of waters +heaved the colossal orbs. He saw God’s foot upon the treadle of the +loom, and spoke it; and therefore his shipmates called him mad. So +man’s insanity is heaven’s sense; and wandering from all mortal reason, +man comes at last to that celestial thought, which, to reason, is +absurd and frantic; and weal or woe, feels then uncompromised, +indifferent as his God. + +For the rest, blame not Stubb too hardly. The thing is common in that +fishery; and in the sequel of the narrative, it will then be seen what +like abandonment befell myself. + + +CHAPTER 94. A Squeeze of the Hand. + +That whale of Stubb’s, so dearly purchased, was duly brought to the +Pequod’s side, where all those cutting and hoisting operations +previously detailed, were regularly gone through, even to the baling of +the Heidelburgh Tun, or Case. + +While some were occupied with this latter duty, others were employed in +dragging away the larger tubs, so soon as filled with the sperm; and +when the proper time arrived, this same sperm was carefully manipulated +ere going to the try-works, of which anon. + +It had cooled and crystallized to such a degree, that when, with +several others, I sat down before a large Constantine’s bath of it, I +found it strangely concreted into lumps, here and there rolling about +in the liquid part. It was our business to squeeze these lumps back +into fluid. A sweet and unctuous duty! No wonder that in old times this +sperm was such a favourite cosmetic. Such a clearer! such a sweetener! +such a softener! such a delicious molifier! After having my hands in it +for only a few minutes, my fingers felt like eels, and began, as it +were, to serpentine and spiralise. + +As I sat there at my ease, cross-legged on the deck; after the bitter +exertion at the windlass; under a blue tranquil sky; the ship under +indolent sail, and gliding so serenely along; as I bathed my hands +among those soft, gentle globules of infiltrated tissues, woven almost +within the hour; as they richly broke to my fingers, and discharged all +their opulence, like fully ripe grapes their wine; as I snuffed up that +uncontaminated aroma,—literally and truly, like the smell of spring +violets; I declare to you, that for the time I lived as in a musky +meadow; I forgot all about our horrible oath; in that inexpressible +sperm, I washed my hands and my heart of it; I almost began to credit +the old Paracelsan superstition that sperm is of rare virtue in +allaying the heat of anger; while bathing in that bath, I felt divinely +free from all ill-will, or petulance, or malice, of any sort +whatsoever. + +Squeeze! squeeze! squeeze! all the morning long; I squeezed that sperm +till I myself almost melted into it; I squeezed that sperm till a +strange sort of insanity came over me; and I found myself unwittingly +squeezing my co-laborers’ hands in it, mistaking their hands for the +gentle globules. Such an abounding, affectionate, friendly, loving +feeling did this avocation beget; that at last I was continually +squeezing their hands, and looking up into their eyes sentimentally; as +much as to say,—Oh! my dear fellow beings, why should we longer cherish +any social acerbities, or know the slightest ill-humor or envy! Come; +let us squeeze hands all round; nay, let us all squeeze ourselves into +each other; let us squeeze ourselves universally into the very milk and +sperm of kindness. + +Would that I could keep squeezing that sperm for ever! For now, since +by many prolonged, repeated experiences, I have perceived that in all +cases man must eventually lower, or at least shift, his conceit of +attainable felicity; not placing it anywhere in the intellect or the +fancy; but in the wife, the heart, the bed, the table, the saddle, the +fireside, the country; now that I have perceived all this, I am ready +to squeeze case eternally. In thoughts of the visions of the night, I +saw long rows of angels in paradise, each with his hands in a jar of +spermaceti. + +Now, while discoursing of sperm, it behooves to speak of other things +akin to it, in the business of preparing the sperm whale for the +try-works. + +First comes white-horse, so called, which is obtained from the tapering +part of the fish, and also from the thicker portions of his flukes. It +is tough with congealed tendons—a wad of muscle—but still contains some +oil. After being severed from the whale, the white-horse is first cut +into portable oblongs ere going to the mincer. They look much like +blocks of Berkshire marble. + +Plum-pudding is the term bestowed upon certain fragmentary parts of the +whale’s flesh, here and there adhering to the blanket of blubber, and +often participating to a considerable degree in its unctuousness. It is +a most refreshing, convivial, beautiful object to behold. As its name +imports, it is of an exceedingly rich, mottled tint, with a bestreaked +snowy and golden ground, dotted with spots of the deepest crimson and +purple. It is plums of rubies, in pictures of citron. Spite of reason, +it is hard to keep yourself from eating it. I confess, that once I +stole behind the foremast to try it. It tasted something as I should +conceive a royal cutlet from the thigh of Louis le Gros might have +tasted, supposing him to have been killed the first day after the +venison season, and that particular venison season contemporary with an +unusually fine vintage of the vineyards of Champagne. + +There is another substance, and a very singular one, which turns up in +the course of this business, but which I feel it to be very puzzling +adequately to describe. It is called slobgollion; an appellation +original with the whalemen, and even so is the nature of the substance. +It is an ineffably oozy, stringy affair, most frequently found in the +tubs of sperm, after a prolonged squeezing, and subsequent decanting. I +hold it to be the wondrously thin, ruptured membranes of the case, +coalescing. + +Gurry, so called, is a term properly belonging to right whalemen, but +sometimes incidentally used by the sperm fishermen. It designates the +dark, glutinous substance which is scraped off the back of the +Greenland or right whale, and much of which covers the decks of those +inferior souls who hunt that ignoble Leviathan. + +Nippers. Strictly this word is not indigenous to the whale’s +vocabulary. But as applied by whalemen, it becomes so. A whaleman’s +nipper is a short firm strip of tendinous stuff cut from the tapering +part of Leviathan’s tail: it averages an inch in thickness, and for the +rest, is about the size of the iron part of a hoe. Edgewise moved along +the oily deck, it operates like a leathern squilgee; and by nameless +blandishments, as of magic, allures along with it all impurities. + +But to learn all about these recondite matters, your best way is at +once to descend into the blubber-room, and have a long talk with its +inmates. This place has previously been mentioned as the receptacle for +the blanket-pieces, when stript and hoisted from the whale. When the +proper time arrives for cutting up its contents, this apartment is a +scene of terror to all tyros, especially by night. On one side, lit by +a dull lantern, a space has been left clear for the workmen. They +generally go in pairs,—a pike-and-gaffman and a spade-man. The +whaling-pike is similar to a frigate’s boarding-weapon of the same +name. The gaff is something like a boat-hook. With his gaff, the +gaffman hooks on to a sheet of blubber, and strives to hold it from +slipping, as the ship pitches and lurches about. Meanwhile, the +spade-man stands on the sheet itself, perpendicularly chopping it into +the portable horse-pieces. This spade is sharp as hone can make it; the +spademan’s feet are shoeless; the thing he stands on will sometimes +irresistibly slide away from him, like a sledge. If he cuts off one of +his own toes, or one of his assistants’, would you be very much +astonished? Toes are scarce among veteran blubber-room men. + + +CHAPTER 95. The Cassock. + +Had you stepped on board the Pequod at a certain juncture of this +post-mortemizing of the whale; and had you strolled forward nigh the +windlass, pretty sure am I that you would have scanned with no small +curiosity a very strange, enigmatical object, which you would have seen +there, lying along lengthwise in the lee scuppers. Not the wondrous +cistern in the whale’s huge head; not the prodigy of his unhinged lower +jaw; not the miracle of his symmetrical tail; none of these would so +surprise you, as half a glimpse of that unaccountable cone,—longer than +a Kentuckian is tall, nigh a foot in diameter at the base, and +jet-black as Yojo, the ebony idol of Queequeg. And an idol, indeed, it +is; or, rather, in old times, its likeness was. Such an idol as that +found in the secret groves of Queen Maachah in Judea; and for +worshipping which, King Asa, her son, did depose her, and destroyed the +idol, and burnt it for an abomination at the brook Kedron, as darkly +set forth in the 15th chapter of the First Book of Kings. + +Look at the sailor, called the mincer, who now comes along, and +assisted by two allies, heavily backs the grandissimus, as the mariners +call it, and with bowed shoulders, staggers off with it as if he were a +grenadier carrying a dead comrade from the field. Extending it upon the +forecastle deck, he now proceeds cylindrically to remove its dark pelt, +as an African hunter the pelt of a boa. This done he turns the pelt +inside out, like a pantaloon leg; gives it a good stretching, so as +almost to double its diameter; and at last hangs it, well spread, in +the rigging, to dry. Ere long, it is taken down; when removing some +three feet of it, towards the pointed extremity, and then cutting two +slits for arm-holes at the other end, he lengthwise slips himself +bodily into it. The mincer now stands before you invested in the full +canonicals of his calling. Immemorial to all his order, this +investiture alone will adequately protect him, while employed in the +peculiar functions of his office. + +That office consists in mincing the horse-pieces of blubber for the +pots; an operation which is conducted at a curious wooden horse, +planted endwise against the bulwarks, and with a capacious tub beneath +it, into which the minced pieces drop, fast as the sheets from a rapt +orator’s desk. Arrayed in decent black; occupying a conspicuous pulpit; +intent on bible leaves; what a candidate for an archbishopric, what a +lad for a Pope were this mincer!* + +*Bible leaves! Bible leaves! This is the invariable cry from the mates +to the mincer. It enjoins him to be careful, and cut his work into as +thin slices as possible, inasmuch as by so doing the business of +boiling out the oil is much accelerated, and its quantity considerably +increased, besides perhaps improving it in quality. + + +CHAPTER 96. The Try-Works. + +Besides her hoisted boats, an American whaler is outwardly +distinguished by her try-works. She presents the curious anomaly of the +most solid masonry joining with oak and hemp in constituting the +completed ship. It is as if from the open field a brick-kiln were +transported to her planks. + +The try-works are planted between the foremast and mainmast, the most +roomy part of the deck. The timbers beneath are of a peculiar strength, +fitted to sustain the weight of an almost solid mass of brick and +mortar, some ten feet by eight square, and five in height. The +foundation does not penetrate the deck, but the masonry is firmly +secured to the surface by ponderous knees of iron bracing it on all +sides, and screwing it down to the timbers. On the flanks it is cased +with wood, and at top completely covered by a large, sloping, battened +hatchway. Removing this hatch we expose the great try-pots, two in +number, and each of several barrels’ capacity. When not in use, they +are kept remarkably clean. Sometimes they are polished with soapstone +and sand, till they shine within like silver punch-bowls. During the +night-watches some cynical old sailors will crawl into them and coil +themselves away there for a nap. While employed in polishing them—one +man in each pot, side by side—many confidential communications are +carried on, over the iron lips. It is a place also for profound +mathematical meditation. It was in the left hand try-pot of the Pequod, +with the soapstone diligently circling round me, that I was first +indirectly struck by the remarkable fact, that in geometry all bodies +gliding along the cycloid, my soapstone for example, will descend from +any point in precisely the same time. + +Removing the fire-board from the front of the try-works, the bare +masonry of that side is exposed, penetrated by the two iron mouths of +the furnaces, directly underneath the pots. These mouths are fitted +with heavy doors of iron. The intense heat of the fire is prevented +from communicating itself to the deck, by means of a shallow reservoir +extending under the entire inclosed surface of the works. By a tunnel +inserted at the rear, this reservoir is kept replenished with water as +fast as it evaporates. There are no external chimneys; they open direct +from the rear wall. And here let us go back for a moment. + +It was about nine o’clock at night that the Pequod’s try-works were +first started on this present voyage. It belonged to Stubb to oversee +the business. + +“All ready there? Off hatch, then, and start her. You cook, fire the +works.” This was an easy thing, for the carpenter had been thrusting +his shavings into the furnace throughout the passage. Here be it said +that in a whaling voyage the first fire in the try-works has to be fed +for a time with wood. After that no wood is used, except as a means of +quick ignition to the staple fuel. In a word, after being tried out, +the crisp, shrivelled blubber, now called scraps or fritters, still +contains considerable of its unctuous properties. These fritters feed +the flames. Like a plethoric burning martyr, or a self-consuming +misanthrope, once ignited, the whale supplies his own fuel and burns by +his own body. Would that he consumed his own smoke! for his smoke is +horrible to inhale, and inhale it you must, and not only that, but you +must live in it for the time. It has an unspeakable, wild, Hindoo odor +about it, such as may lurk in the vicinity of funereal pyres. It smells +like the left wing of the day of judgment; it is an argument for the +pit. + +By midnight the works were in full operation. We were clear from the +carcase; sail had been made; the wind was freshening; the wild ocean +darkness was intense. But that darkness was licked up by the fierce +flames, which at intervals forked forth from the sooty flues, and +illuminated every lofty rope in the rigging, as with the famed Greek +fire. The burning ship drove on, as if remorselessly commissioned to +some vengeful deed. So the pitch and sulphur-freighted brigs of the +bold Hydriote, Canaris, issuing from their midnight harbors, with broad +sheets of flame for sails, bore down upon the Turkish frigates, and +folded them in conflagrations. + +The hatch, removed from the top of the works, now afforded a wide +hearth in front of them. Standing on this were the Tartarean shapes of +the pagan harpooneers, always the whale-ship’s stokers. With huge +pronged poles they pitched hissing masses of blubber into the scalding +pots, or stirred up the fires beneath, till the snaky flames darted, +curling, out of the doors to catch them by the feet. The smoke rolled +away in sullen heaps. To every pitch of the ship there was a pitch of +the boiling oil, which seemed all eagerness to leap into their faces. +Opposite the mouth of the works, on the further side of the wide wooden +hearth, was the windlass. This served for a sea-sofa. Here lounged the +watch, when not otherwise employed, looking into the red heat of the +fire, till their eyes felt scorched in their heads. Their tawny +features, now all begrimed with smoke and sweat, their matted beards, +and the contrasting barbaric brilliancy of their teeth, all these were +strangely revealed in the capricious emblazonings of the works. As they +narrated to each other their unholy adventures, their tales of terror +told in words of mirth; as their uncivilized laughter forked upwards +out of them, like the flames from the furnace; as to and fro, in their +front, the harpooneers wildly gesticulated with their huge pronged +forks and dippers; as the wind howled on, and the sea leaped, and the +ship groaned and dived, and yet steadfastly shot her red hell further +and further into the blackness of the sea and the night, and scornfully +champed the white bone in her mouth, and viciously spat round her on +all sides; then the rushing Pequod, freighted with savages, and laden +with fire, and burning a corpse, and plunging into that blackness of +darkness, seemed the material counterpart of her monomaniac commander’s +soul. + +So seemed it to me, as I stood at her helm, and for long hours silently +guided the way of this fire-ship on the sea. Wrapped, for that +interval, in darkness myself, I but the better saw the redness, the +madness, the ghastliness of others. The continual sight of the fiend +shapes before me, capering half in smoke and half in fire, these at +last begat kindred visions in my soul, so soon as I began to yield to +that unaccountable drowsiness which ever would come over me at a +midnight helm. + +But that night, in particular, a strange (and ever since inexplicable) +thing occurred to me. Starting from a brief standing sleep, I was +horribly conscious of something fatally wrong. The jaw-bone tiller +smote my side, which leaned against it; in my ears was the low hum of +sails, just beginning to shake in the wind; I thought my eyes were +open; I was half conscious of putting my fingers to the lids and +mechanically stretching them still further apart. But, spite of all +this, I could see no compass before me to steer by; though it seemed +but a minute since I had been watching the card, by the steady binnacle +lamp illuminating it. Nothing seemed before me but a jet gloom, now and +then made ghastly by flashes of redness. Uppermost was the impression, +that whatever swift, rushing thing I stood on was not so much bound to +any haven ahead as rushing from all havens astern. A stark, bewildered +feeling, as of death, came over me. Convulsively my hands grasped the +tiller, but with the crazy conceit that the tiller was, somehow, in +some enchanted way, inverted. My God! what is the matter with me? +thought I. Lo! in my brief sleep I had turned myself about, and was +fronting the ship’s stern, with my back to her prow and the compass. In +an instant I faced back, just in time to prevent the vessel from flying +up into the wind, and very probably capsizing her. How glad and how +grateful the relief from this unnatural hallucination of the night, and +the fatal contingency of being brought by the lee! + +Look not too long in the face of the fire, O man! Never dream with thy +hand on the helm! Turn not thy back to the compass; accept the first +hint of the hitching tiller; believe not the artificial fire, when its +redness makes all things look ghastly. To-morrow, in the natural sun, +the skies will be bright; those who glared like devils in the forking +flames, the morn will show in far other, at least gentler, relief; the +glorious, golden, glad sun, the only true lamp—all others but liars! + +Nevertheless the sun hides not Virginia’s Dismal Swamp, nor Rome’s +accursed Campagna, nor wide Sahara, nor all the millions of miles of +deserts and of griefs beneath the moon. The sun hides not the ocean, +which is the dark side of this earth, and which is two thirds of this +earth. So, therefore, that mortal man who hath more of joy than sorrow +in him, that mortal man cannot be true—not true, or undeveloped. With +books the same. The truest of all men was the Man of Sorrows, and the +truest of all books is Solomon’s, and Ecclesiastes is the fine hammered +steel of woe. “All is vanity.” ALL. This wilful world hath not got hold +of unchristian Solomon’s wisdom yet. But he who dodges hospitals and +jails, and walks fast crossing graveyards, and would rather talk of +operas than hell; calls Cowper, Young, Pascal, Rousseau, poor devils +all of sick men; and throughout a care-free lifetime swears by Rabelais +as passing wise, and therefore jolly;—not that man is fitted to sit +down on tomb-stones, and break the green damp mould with unfathomably +wondrous Solomon. + +But even Solomon, he says, “the man that wandereth out of the way of +understanding shall remain” (_i.e._, even while living) “in the +congregation of the dead.” Give not thyself up, then, to fire, lest it +invert thee, deaden thee; as for the time it did me. There is a wisdom +that is woe; but there is a woe that is madness. And there is a +Catskill eagle in some souls that can alike dive down into the blackest +gorges, and soar out of them again and become invisible in the sunny +spaces. And even if he for ever flies within the gorge, that gorge is +in the mountains; so that even in his lowest swoop the mountain eagle +is still higher than other birds upon the plain, even though they soar. + + +CHAPTER 97. The Lamp. + +Had you descended from the Pequod’s try-works to the Pequod’s +forecastle, where the off duty watch were sleeping, for one single +moment you would have almost thought you were standing in some +illuminated shrine of canonized kings and counsellors. There they lay +in their triangular oaken vaults, each mariner a chiselled muteness; a +score of lamps flashing upon his hooded eyes. + +In merchantmen, oil for the sailor is more scarce than the milk of +queens. To dress in the dark, and eat in the dark, and stumble in +darkness to his pallet, this is his usual lot. But the whaleman, as he +seeks the food of light, so he lives in light. He makes his berth an +Aladdin’s lamp, and lays him down in it; so that in the pitchiest night +the ship’s black hull still houses an illumination. + +See with what entire freedom the whaleman takes his handful of +lamps—often but old bottles and vials, though—to the copper cooler at +the try-works, and replenishes them there, as mugs of ale at a vat. He +burns, too, the purest of oil, in its unmanufactured, and, therefore, +unvitiated state; a fluid unknown to solar, lunar, or astral +contrivances ashore. It is sweet as early grass butter in April. He +goes and hunts for his oil, so as to be sure of its freshness and +genuineness, even as the traveller on the prairie hunts up his own +supper of game. + + +CHAPTER 98. Stowing Down and Clearing Up. + +Already has it been related how the great leviathan is afar off +descried from the mast-head; how he is chased over the watery moors, +and slaughtered in the valleys of the deep; how he is then towed +alongside and beheaded; and how (on the principle which entitled the +headsman of old to the garments in which the beheaded was killed) his +great padded surtout becomes the property of his executioner; how, in +due time, he is condemned to the pots, and, like Shadrach, Meshach, and +Abednego, his spermaceti, oil, and bone pass unscathed through the +fire;—but now it remains to conclude the last chapter of this part of +the description by rehearsing—singing, if I may—the romantic proceeding +of decanting off his oil into the casks and striking them down into the +hold, where once again leviathan returns to his native profundities, +sliding along beneath the surface as before; but, alas! never more to +rise and blow. + +While still warm, the oil, like hot punch, is received into the +six-barrel casks; and while, perhaps, the ship is pitching and rolling +this way and that in the midnight sea, the enormous casks are slewed +round and headed over, end for end, and sometimes perilously scoot +across the slippery deck, like so many land slides, till at last +man-handled and stayed in their course; and all round the hoops, rap, +rap, go as many hammers as can play upon them, for now, _ex officio_, +every sailor is a cooper. + +At length, when the last pint is casked, and all is cool, then the +great hatchways are unsealed, the bowels of the ship are thrown open, +and down go the casks to their final rest in the sea. This done, the +hatches are replaced, and hermetically closed, like a closet walled up. + +In the sperm fishery, this is perhaps one of the most remarkable +incidents in all the business of whaling. One day the planks stream +with freshets of blood and oil; on the sacred quarter-deck enormous +masses of the whale’s head are profanely piled; great rusty casks lie +about, as in a brewery yard; the smoke from the try-works has besooted +all the bulwarks; the mariners go about suffused with unctuousness; the +entire ship seems great leviathan himself; while on all hands the din +is deafening. + +But a day or two after, you look about you, and prick your ears in this +self-same ship; and were it not for the tell-tale boats and try-works, +you would all but swear you trod some silent merchant vessel, with a +most scrupulously neat commander. The unmanufactured sperm oil +possesses a singularly cleansing virtue. This is the reason why the +decks never look so white as just after what they call an affair of +oil. Besides, from the ashes of the burned scraps of the whale, a +potent lye is readily made; and whenever any adhesiveness from the back +of the whale remains clinging to the side, that lye quickly +exterminates it. Hands go diligently along the bulwarks, and with +buckets of water and rags restore them to their full tidiness. The soot +is brushed from the lower rigging. All the numerous implements which +have been in use are likewise faithfully cleansed and put away. The +great hatch is scrubbed and placed upon the try-works, completely +hiding the pots; every cask is out of sight; all tackles are coiled in +unseen nooks; and when by the combined and simultaneous industry of +almost the entire ship’s company, the whole of this conscientious duty +is at last concluded, then the crew themselves proceed to their own +ablutions; shift themselves from top to toe; and finally issue to the +immaculate deck, fresh and all aglow, as bridegrooms new-leaped from +out the daintiest Holland. + +Now, with elated step, they pace the planks in twos and threes, and +humorously discourse of parlors, sofas, carpets, and fine cambrics; +propose to mat the deck; think of having hanging to the top; object not +to taking tea by moonlight on the piazza of the forecastle. To hint to +such musked mariners of oil, and bone, and blubber, were little short +of audacity. They know not the thing you distantly allude to. Away, and +bring us napkins! + +But mark: aloft there, at the three mast heads, stand three men intent +on spying out more whales, which, if caught, infallibly will again soil +the old oaken furniture, and drop at least one small grease-spot +somewhere. Yes; and many is the time, when, after the severest +uninterrupted labors, which know no night; continuing straight through +for ninety-six hours; when from the boat, where they have swelled their +wrists with all day rowing on the Line,—they only step to the deck to +carry vast chains, and heave the heavy windlass, and cut and slash, +yea, and in their very sweatings to be smoked and burned anew by the +combined fires of the equatorial sun and the equatorial try-works; +when, on the heel of all this, they have finally bestirred themselves +to cleanse the ship, and make a spotless dairy room of it; many is the +time the poor fellows, just buttoning the necks of their clean frocks, +are startled by the cry of “There she blows!” and away they fly to +fight another whale, and go through the whole weary thing again. Oh! my +friends, but this is man-killing! Yet this is life. For hardly have we +mortals by long toilings extracted from this world’s vast bulk its +small but valuable sperm; and then, with weary patience, cleansed +ourselves from its defilements, and learned to live here in clean +tabernacles of the soul; hardly is this done, when—_There she +blows!_—the ghost is spouted up, and away we sail to fight some other +world, and go through young life’s old routine again. + +Oh! the metempsychosis! Oh! Pythagoras, that in bright Greece, two +thousand years ago, did die, so good, so wise, so mild; I sailed with +thee along the Peruvian coast last voyage—and, foolish as I am, taught +thee, a green simple boy, how to splice a rope! + + +CHAPTER 99. The Doubloon. + +Ere now it has been related how Ahab was wont to pace his quarter-deck, +taking regular turns at either limit, the binnacle and mainmast; but in +the multiplicity of other things requiring narration it has not been +added how that sometimes in these walks, when most plunged in his mood, +he was wont to pause in turn at each spot, and stand there strangely +eyeing the particular object before him. When he halted before the +binnacle, with his glance fastened on the pointed needle in the +compass, that glance shot like a javelin with the pointed intensity of +his purpose; and when resuming his walk he again paused before the +mainmast, then, as the same riveted glance fastened upon the riveted +gold coin there, he still wore the same aspect of nailed firmness, only +dashed with a certain wild longing, if not hopefulness. + +But one morning, turning to pass the doubloon, he seemed to be newly +attracted by the strange figures and inscriptions stamped on it, as +though now for the first time beginning to interpret for himself in +some monomaniac way whatever significance might lurk in them. And some +certain significance lurks in all things, else all things are little +worth, and the round world itself but an empty cipher, except to sell +by the cartload, as they do hills about Boston, to fill up some morass +in the Milky Way. + +Now this doubloon was of purest, virgin gold, raked somewhere out of +the heart of gorgeous hills, whence, east and west, over golden sands, +the head-waters of many a Pactolus flows. And though now nailed amidst +all the rustiness of iron bolts and the verdigris of copper spikes, +yet, untouchable and immaculate to any foulness, it still preserved its +Quito glow. Nor, though placed amongst a ruthless crew and every hour +passed by ruthless hands, and through the livelong nights shrouded with +thick darkness which might cover any pilfering approach, nevertheless +every sunrise found the doubloon where the sunset left it last. For it +was set apart and sanctified to one awe-striking end; and however +wanton in their sailor ways, one and all, the mariners revered it as +the white whale’s talisman. Sometimes they talked it over in the weary +watch by night, wondering whose it was to be at last, and whether he +would ever live to spend it. + +Now those noble golden coins of South America are as medals of the sun +and tropic token-pieces. Here palms, alpacas, and volcanoes; sun’s +disks and stars; ecliptics, horns-of-plenty, and rich banners waving, +are in luxuriant profusion stamped; so that the precious gold seems +almost to derive an added preciousness and enhancing glories, by +passing through those fancy mints, so Spanishly poetic. + +It so chanced that the doubloon of the Pequod was a most wealthy +example of these things. On its round border it bore the letters, +REPUBLICA DEL ECUADOR: QUITO. So this bright coin came from a country +planted in the middle of the world, and beneath the great equator, and +named after it; and it had been cast midway up the Andes, in the +unwaning clime that knows no autumn. Zoned by those letters you saw the +likeness of three Andes’ summits; from one a flame; a tower on another; +on the third a crowing cock; while arching over all was a segment of +the partitioned zodiac, the signs all marked with their usual +cabalistics, and the keystone sun entering the equinoctial point at +Libra. + +Before this equatorial coin, Ahab, not unobserved by others, was now +pausing. + +“There’s something ever egotistical in mountain-tops and towers, and +all other grand and lofty things; look here,—three peaks as proud as +Lucifer. The firm tower, that is Ahab; the volcano, that is Ahab; the +courageous, the undaunted, and victorious fowl, that, too, is Ahab; all +are Ahab; and this round gold is but the image of the rounder globe, +which, like a magician’s glass, to each and every man in turn but +mirrors back his own mysterious self. Great pains, small gains for +those who ask the world to solve them; it cannot solve itself. Methinks +now this coined sun wears a ruddy face; but see! aye, he enters the +sign of storms, the equinox! and but six months before he wheeled out +of a former equinox at Aries! From storm to storm! So be it, then. Born +in throes, ’tis fit that man should live in pains and die in pangs! So +be it, then! Here’s stout stuff for woe to work on. So be it, then.” + +“No fairy fingers can have pressed the gold, but devil’s claws must +have left their mouldings there since yesterday,” murmured Starbuck to +himself, leaning against the bulwarks. “The old man seems to read +Belshazzar’s awful writing. I have never marked the coin inspectingly. +He goes below; let me read. A dark valley between three mighty, +heaven-abiding peaks, that almost seem the Trinity, in some faint +earthly symbol. So in this vale of Death, God girds us round; and over +all our gloom, the sun of Righteousness still shines a beacon and a +hope. If we bend down our eyes, the dark vale shows her mouldy soil; +but if we lift them, the bright sun meets our glance half way, to +cheer. Yet, oh, the great sun is no fixture; and if, at midnight, we +would fain snatch some sweet solace from him, we gaze for him in vain! +This coin speaks wisely, mildly, truly, but still sadly to me. I will +quit it, lest Truth shake me falsely.” + +“There now’s the old Mogul,” soliloquized Stubb by the try-works, “he’s +been twigging it; and there goes Starbuck from the same, and both with +faces which I should say might be somewhere within nine fathoms long. +And all from looking at a piece of gold, which did I have it now on +Negro Hill or in Corlaer’s Hook, I’d not look at it very long ere +spending it. Humph! in my poor, insignificant opinion, I regard this as +queer. I have seen doubloons before now in my voyagings; your doubloons +of old Spain, your doubloons of Peru, your doubloons of Chili, your +doubloons of Bolivia, your doubloons of Popayan; with plenty of gold +moidores and pistoles, and joes, and half joes, and quarter joes. What +then should there be in this doubloon of the Equator that is so killing +wonderful? By Golconda! let me read it once. Halloa! here’s signs and +wonders truly! That, now, is what old Bowditch in his Epitome calls the +zodiac, and what my almanac below calls ditto. I’ll get the almanac and +as I have heard devils can be raised with Daboll’s arithmetic, I’ll try +my hand at raising a meaning out of these queer curvicues here with the +Massachusetts calendar. Here’s the book. Let’s see now. Signs and +wonders; and the sun, he’s always among ’em. Hem, hem, hem; here they +are—here they go—all alive:—Aries, or the Ram; Taurus, or the Bull and +Jimimi! here’s Gemini himself, or the Twins. Well; the sun he wheels +among ’em. Aye, here on the coin he’s just crossing the threshold +between two of twelve sitting-rooms all in a ring. Book! you lie there; +the fact is, you books must know your places. You’ll do to give us the +bare words and facts, but we come in to supply the thoughts. That’s my +small experience, so far as the Massachusetts calendar, and Bowditch’s +navigator, and Daboll’s arithmetic go. Signs and wonders, eh? Pity if +there is nothing wonderful in signs, and significant in wonders! +There’s a clue somewhere; wait a bit; hist—hark! By Jove, I have it! +Look you, Doubloon, your zodiac here is the life of man in one round +chapter; and now I’ll read it off, straight out of the book. Come, +Almanack! To begin: there’s Aries, or the Ram—lecherous dog, he begets +us; then, Taurus, or the Bull—he bumps us the first thing; then Gemini, +or the Twins—that is, Virtue and Vice; we try to reach Virtue, when lo! +comes Cancer the Crab, and drags us back; and here, going from Virtue, +Leo, a roaring Lion, lies in the path—he gives a few fierce bites and +surly dabs with his paw; we escape, and hail Virgo, the Virgin! that’s +our first love; we marry and think to be happy for aye, when pop comes +Libra, or the Scales—happiness weighed and found wanting; and while we +are very sad about that, Lord! how we suddenly jump, as Scorpio, or the +Scorpion, stings us in the rear; we are curing the wound, when whang +come the arrows all round; Sagittarius, or the Archer, is amusing +himself. As we pluck out the shafts, stand aside! here’s the +battering-ram, Capricornus, or the Goat; full tilt, he comes rushing, +and headlong we are tossed; when Aquarius, or the Water-bearer, pours +out his whole deluge and drowns us; and to wind up with Pisces, or the +Fishes, we sleep. There’s a sermon now, writ in high heaven, and the +sun goes through it every year, and yet comes out of it all alive and +hearty. Jollily he, aloft there, wheels through toil and trouble; and +so, alow here, does jolly Stubb. Oh, jolly’s the word for aye! Adieu, +Doubloon! But stop; here comes little King-Post; dodge round the +try-works, now, and let’s hear what he’ll have to say. There; he’s +before it; he’ll out with something presently. So, so; he’s beginning.” + +“I see nothing here, but a round thing made of gold, and whoever raises +a certain whale, this round thing belongs to him. So, what’s all this +staring been about? It is worth sixteen dollars, that’s true; and at +two cents the cigar, that’s nine hundred and sixty cigars. I won’t +smoke dirty pipes like Stubb, but I like cigars, and here’s nine +hundred and sixty of them; so here goes Flask aloft to spy ’em out.” + +“Shall I call that wise or foolish, now; if it be really wise it has a +foolish look to it; yet, if it be really foolish, then has it a sort of +wiseish look to it. But, avast; here comes our old Manxman—the old +hearse-driver, he must have been, that is, before he took to the sea. +He luffs up before the doubloon; halloa, and goes round on the other +side of the mast; why, there’s a horse-shoe nailed on that side; and +now he’s back again; what does that mean? Hark! he’s muttering—voice +like an old worn-out coffee-mill. Prick ears, and listen!” + +“If the White Whale be raised, it must be in a month and a day, when +the sun stands in some one of these signs. I’ve studied signs, and know +their marks; they were taught me two score years ago, by the old witch +in Copenhagen. Now, in what sign will the sun then be? The horse-shoe +sign; for there it is, right opposite the gold. And what’s the +horse-shoe sign? The lion is the horse-shoe sign—the roaring and +devouring lion. Ship, old ship! my old head shakes to think of thee.” + +“There’s another rendering now; but still one text. All sorts of men in +one kind of world, you see. Dodge again! here comes Queequeg—all +tattooing—looks like the signs of the Zodiac himself. What says the +Cannibal? As I live he’s comparing notes; looking at his thigh bone; +thinks the sun is in the thigh, or in the calf, or in the bowels, I +suppose, as the old women talk Surgeon’s Astronomy in the back country. +And by Jove, he’s found something there in the vicinity of his thigh—I +guess it’s Sagittarius, or the Archer. No: he don’t know what to make +of the doubloon; he takes it for an old button off some king’s +trowsers. But, aside again! here comes that ghost-devil, Fedallah; tail +coiled out of sight as usual, oakum in the toes of his pumps as usual. +What does he say, with that look of his? Ah, only makes a sign to the +sign and bows himself; there is a sun on the coin—fire worshipper, +depend upon it. Ho! more and more. This way comes Pip—poor boy! would +he had died, or I; he’s half horrible to me. He too has been watching +all of these interpreters—myself included—and look now, he comes to +read, with that unearthly idiot face. Stand away again and hear him. +Hark!” + +“I look, you look, he looks; we look, ye look, they look.” + +“Upon my soul, he’s been studying Murray’s Grammar! Improving his mind, +poor fellow! But what’s that he says now—hist!” + +“I look, you look, he looks; we look, ye look, they look.” + +“Why, he’s getting it by heart—hist! again.” + +“I look, you look, he looks; we look, ye look, they look.” + +“Well, that’s funny.” + +“And I, you, and he; and we, ye, and they, are all bats; and I’m a +crow, especially when I stand a’top of this pine tree here. Caw! caw! +caw! caw! caw! caw! Ain’t I a crow? And where’s the scare-crow? There +he stands; two bones stuck into a pair of old trowsers, and two more +poked into the sleeves of an old jacket.” + +“Wonder if he means me?—complimentary!—poor lad!—I could go hang +myself. Any way, for the present, I’ll quit Pip’s vicinity. I can stand +the rest, for they have plain wits; but he’s too crazy-witty for my +sanity. So, so, I leave him muttering.” + +“Here’s the ship’s navel, this doubloon here, and they are all on fire +to unscrew it. But, unscrew your navel, and what’s the consequence? +Then again, if it stays here, that is ugly, too, for when aught’s +nailed to the mast it’s a sign that things grow desperate. Ha, ha! old +Ahab! the White Whale; he’ll nail ye! This is a pine tree. My father, +in old Tolland county, cut down a pine tree once, and found a silver +ring grown over in it; some old darkey’s wedding ring. How did it get +there? And so they’ll say in the resurrection, when they come to fish +up this old mast, and find a doubloon lodged in it, with bedded oysters +for the shaggy bark. Oh, the gold! the precious, precious, gold! the +green miser’ll hoard ye soon! Hish! hish! God goes ’mong the worlds +blackberrying. Cook! ho, cook! and cook us! Jenny! hey, hey, hey, hey, +hey, Jenny, Jenny! and get your hoe-cake done!” + + +CHAPTER 100. Leg and Arm. + +The Pequod, of Nantucket, Meets the Samuel Enderby, of London. + +“Ship, ahoy! Hast seen the White Whale?” + +So cried Ahab, once more hailing a ship showing English colours, +bearing down under the stern. Trumpet to mouth, the old man was +standing in his hoisted quarter-boat, his ivory leg plainly revealed to +the stranger captain, who was carelessly reclining in his own boat’s +bow. He was a darkly-tanned, burly, good-natured, fine-looking man, of +sixty or thereabouts, dressed in a spacious roundabout, that hung round +him in festoons of blue pilot-cloth; and one empty arm of this jacket +streamed behind him like the broidered arm of a hussar’s surcoat. + +“Hast seen the White Whale?” + +“See you this?” and withdrawing it from the folds that had hidden it, +he held up a white arm of sperm whale bone, terminating in a wooden +head like a mallet. + +“Man my boat!” cried Ahab, impetuously, and tossing about the oars near +him—“Stand by to lower!” + +In less than a minute, without quitting his little craft, he and his +crew were dropped to the water, and were soon alongside of the +stranger. But here a curious difficulty presented itself. In the +excitement of the moment, Ahab had forgotten that since the loss of his +leg he had never once stepped on board of any vessel at sea but his +own, and then it was always by an ingenious and very handy mechanical +contrivance peculiar to the Pequod, and a thing not to be rigged and +shipped in any other vessel at a moment’s warning. Now, it is no very +easy matter for anybody—except those who are almost hourly used to it, +like whalemen—to clamber up a ship’s side from a boat on the open sea; +for the great swells now lift the boat high up towards the bulwarks, +and then instantaneously drop it half way down to the kelson. So, +deprived of one leg, and the strange ship of course being altogether +unsupplied with the kindly invention, Ahab now found himself abjectly +reduced to a clumsy landsman again; hopelessly eyeing the uncertain +changeful height he could hardly hope to attain. + +It has before been hinted, perhaps, that every little untoward +circumstance that befell him, and which indirectly sprang from his +luckless mishap, almost invariably irritated or exasperated Ahab. And +in the present instance, all this was heightened by the sight of the +two officers of the strange ship, leaning over the side, by the +perpendicular ladder of nailed cleets there, and swinging towards him a +pair of tastefully-ornamented man-ropes; for at first they did not seem +to bethink them that a one-legged man must be too much of a cripple to +use their sea bannisters. But this awkwardness only lasted a minute, +because the strange captain, observing at a glance how affairs stood, +cried out, “I see, I see!—avast heaving there! Jump, boys, and swing +over the cutting-tackle.” + +As good luck would have it, they had had a whale alongside a day or two +previous, and the great tackles were still aloft, and the massive +curved blubber-hook, now clean and dry, was still attached to the end. +This was quickly lowered to Ahab, who at once comprehending it all, +slid his solitary thigh into the curve of the hook (it was like sitting +in the fluke of an anchor, or the crotch of an apple tree), and then +giving the word, held himself fast, and at the same time also helped to +hoist his own weight, by pulling hand-over-hand upon one of the running +parts of the tackle. Soon he was carefully swung inside the high +bulwarks, and gently landed upon the capstan head. With his ivory arm +frankly thrust forth in welcome, the other captain advanced, and Ahab, +putting out his ivory leg, and crossing the ivory arm (like two +sword-fish blades) cried out in his walrus way, “Aye, aye, hearty! let +us shake bones together!—an arm and a leg!—an arm that never can +shrink, d’ye see; and a leg that never can run. Where did’st thou see +the White Whale?—how long ago?” + +“The White Whale,” said the Englishman, pointing his ivory arm towards +the East, and taking a rueful sight along it, as if it had been a +telescope; “there I saw him, on the Line, last season.” + +“And he took that arm off, did he?” asked Ahab, now sliding down from +the capstan, and resting on the Englishman’s shoulder, as he did so. + +“Aye, he was the cause of it, at least; and that leg, too?” + +“Spin me the yarn,” said Ahab; “how was it?” + +“It was the first time in my life that I ever cruised on the Line,” +began the Englishman. “I was ignorant of the White Whale at that time. +Well, one day we lowered for a pod of four or five whales, and my boat +fastened to one of them; a regular circus horse he was, too, that went +milling and milling round so, that my boat’s crew could only trim dish, +by sitting all their sterns on the outer gunwale. Presently up breaches +from the bottom of the sea a bouncing great whale, with a milky-white +head and hump, all crows’ feet and wrinkles.” + +“It was he, it was he!” cried Ahab, suddenly letting out his suspended +breath. + +“And harpoons sticking in near his starboard fin.” + +“Aye, aye—they were mine—_my_ irons,” cried Ahab, exultingly—“but on!” + +“Give me a chance, then,” said the Englishman, good-humoredly. “Well, +this old great-grandfather, with the white head and hump, runs all +afoam into the pod, and goes to snapping furiously at my fast-line! + +“Aye, I see!—wanted to part it; free the fast-fish—an old trick—I know +him.” + +“How it was exactly,” continued the one-armed commander, “I do not +know; but in biting the line, it got foul of his teeth, caught there +somehow; but we didn’t know it then; so that when we afterwards pulled +on the line, bounce we came plump on to his hump! instead of the other +whale’s; that went off to windward, all fluking. Seeing how matters +stood, and what a noble great whale it was—the noblest and biggest I +ever saw, sir, in my life—I resolved to capture him, spite of the +boiling rage he seemed to be in. And thinking the hap-hazard line would +get loose, or the tooth it was tangled to might draw (for I have a +devil of a boat’s crew for a pull on a whale-line); seeing all this, I +say, I jumped into my first mate’s boat—Mr. Mounttop’s here (by the +way, Captain—Mounttop; Mounttop—the captain);—as I was saying, I jumped +into Mounttop’s boat, which, d’ye see, was gunwale and gunwale with +mine, then; and snatching the first harpoon, let this old +great-grandfather have it. But, Lord, look you, sir—hearts and souls +alive, man—the next instant, in a jiff, I was blind as a bat—both eyes +out—all befogged and bedeadened with black foam—the whale’s tail +looming straight up out of it, perpendicular in the air, like a marble +steeple. No use sterning all, then; but as I was groping at midday, +with a blinding sun, all crown-jewels; as I was groping, I say, after +the second iron, to toss it overboard—down comes the tail like a Lima +tower, cutting my boat in two, leaving each half in splinters; and, +flukes first, the white hump backed through the wreck, as though it was +all chips. We all struck out. To escape his terrible flailings, I +seized hold of my harpoon-pole sticking in him, and for a moment clung +to that like a sucking fish. But a combing sea dashed me off, and at +the same instant, the fish, taking one good dart forwards, went down +like a flash; and the barb of that cursed second iron towing along near +me caught me here” (clapping his hand just below his shoulder); “yes, +caught me just here, I say, and bore me down to Hell’s flames, I was +thinking; when, when, all of a sudden, thank the good God, the barb +ript its way along the flesh—clear along the whole length of my +arm—came out nigh my wrist, and up I floated;—and that gentleman there +will tell you the rest (by the way, captain—Dr. Bunger, ship’s surgeon: +Bunger, my lad,—the captain). Now, Bunger boy, spin your part of the +yarn.” + +The professional gentleman thus familiarly pointed out, had been all +the time standing near them, with nothing specific visible, to denote +his gentlemanly rank on board. His face was an exceedingly round but +sober one; he was dressed in a faded blue woollen frock or shirt, and +patched trowsers; and had thus far been dividing his attention between +a marlingspike he held in one hand, and a pill-box held in the other, +occasionally casting a critical glance at the ivory limbs of the two +crippled captains. But, at his superior’s introduction of him to Ahab, +he politely bowed, and straightway went on to do his captain’s bidding. + +“It was a shocking bad wound,” began the whale-surgeon; “and, taking my +advice, Captain Boomer here, stood our old Sammy—” + +“Samuel Enderby is the name of my ship,” interrupted the one-armed +captain, addressing Ahab; “go on, boy.” + +“Stood our old Sammy off to the northward, to get out of the blazing +hot weather there on the Line. But it was no use—I did all I could; sat +up with him nights; was very severe with him in the matter of diet—” + +“Oh, very severe!” chimed in the patient himself; then suddenly +altering his voice, “Drinking hot rum toddies with me every night, till +he couldn’t see to put on the bandages; and sending me to bed, half +seas over, about three o’clock in the morning. Oh, ye stars! he sat up +with me indeed, and was very severe in my diet. Oh! a great watcher, +and very dietetically severe, is Dr. Bunger. (Bunger, you dog, laugh +out! why don’t ye? You know you’re a precious jolly rascal.) But, heave +ahead, boy, I’d rather be killed by you than kept alive by any other +man.” + +“My captain, you must have ere this perceived, respected sir”—said the +imperturbable godly-looking Bunger, slightly bowing to Ahab—“is apt to +be facetious at times; he spins us many clever things of that sort. But +I may as well say—en passant, as the French remark—that I myself—that +is to say, Jack Bunger, late of the reverend clergy—am a strict total +abstinence man; I never drink—” + +“Water!” cried the captain; “he never drinks it; it’s a sort of fits to +him; fresh water throws him into the hydrophobia; but go on—go on with +the arm story.” + +“Yes, I may as well,” said the surgeon, coolly. “I was about observing, +sir, before Captain Boomer’s facetious interruption, that spite of my +best and severest endeavors, the wound kept getting worse and worse; +the truth was, sir, it was as ugly gaping wound as surgeon ever saw; +more than two feet and several inches long. I measured it with the lead +line. In short, it grew black; I knew what was threatened, and off it +came. But I had no hand in shipping that ivory arm there; that thing is +against all rule”—pointing at it with the marlingspike—“that is the +captain’s work, not mine; he ordered the carpenter to make it; he had +that club-hammer there put to the end, to knock some one’s brains out +with, I suppose, as he tried mine once. He flies into diabolical +passions sometimes. Do ye see this dent, sir”—removing his hat, and +brushing aside his hair, and exposing a bowl-like cavity in his skull, +but which bore not the slightest scarry trace, or any token of ever +having been a wound—“Well, the captain there will tell you how that +came here; he knows.” + +“No, I don’t,” said the captain, “but his mother did; he was born with +it. Oh, you solemn rogue, you—you Bunger! was there ever such another +Bunger in the watery world? Bunger, when you die, you ought to die in +pickle, you dog; you should be preserved to future ages, you rascal.” + +“What became of the White Whale?” now cried Ahab, who thus far had been +impatiently listening to this by-play between the two Englishmen. + +“Oh!” cried the one-armed captain, “oh, yes! Well; after he sounded, we +didn’t see him again for some time; in fact, as I before hinted, I +didn’t then know what whale it was that had served me such a trick, +till some time afterwards, when coming back to the Line, we heard about +Moby Dick—as some call him—and then I knew it was he.” + +“Did’st thou cross his wake again?” + +“Twice.” + +“But could not fasten?” + +“Didn’t want to try to: ain’t one limb enough? What should I do without +this other arm? And I’m thinking Moby Dick doesn’t bite so much as he +swallows.” + +“Well, then,” interrupted Bunger, “give him your left arm for bait to +get the right. Do you know, gentlemen”—very gravely and mathematically +bowing to each Captain in succession—“Do you know, gentlemen, that the +digestive organs of the whale are so inscrutably constructed by Divine +Providence, that it is quite impossible for him to completely digest +even a man’s arm? And he knows it too. So that what you take for the +White Whale’s malice is only his awkwardness. For he never means to +swallow a single limb; he only thinks to terrify by feints. But +sometimes he is like the old juggling fellow, formerly a patient of +mine in Ceylon, that making believe swallow jack-knives, once upon a +time let one drop into him in good earnest, and there it stayed for a +twelvemonth or more; when I gave him an emetic, and he heaved it up in +small tacks, d’ye see. No possible way for him to digest that +jack-knife, and fully incorporate it into his general bodily system. +Yes, Captain Boomer, if you are quick enough about it, and have a mind +to pawn one arm for the sake of the privilege of giving decent burial +to the other, why in that case the arm is yours; only let the whale +have another chance at you shortly, that’s all.” + +“No, thank ye, Bunger,” said the English Captain, “he’s welcome to the +arm he has, since I can’t help it, and didn’t know him then; but not to +another one. No more White Whales for me; I’ve lowered for him once, +and that has satisfied me. There would be great glory in killing him, I +know that; and there is a ship-load of precious sperm in him, but, hark +ye, he’s best let alone; don’t you think so, Captain?”—glancing at the +ivory leg. + +“He is. But he will still be hunted, for all that. What is best let +alone, that accursed thing is not always what least allures. He’s all a +magnet! How long since thou saw’st him last? Which way heading?” + +“Bless my soul, and curse the foul fiend’s,” cried Bunger, stoopingly +walking round Ahab, and like a dog, strangely snuffing; “this man’s +blood—bring the thermometer!—it’s at the boiling point!—his pulse makes +these planks beat!—sir!”—taking a lancet from his pocket, and drawing +near to Ahab’s arm. + +“Avast!” roared Ahab, dashing him against the bulwarks—“Man the boat! +Which way heading?” + +“Good God!” cried the English Captain, to whom the question was put. +“What’s the matter? He was heading east, I think.—Is your Captain +crazy?” whispering Fedallah. + +But Fedallah, putting a finger on his lip, slid over the bulwarks to +take the boat’s steering oar, and Ahab, swinging the cutting-tackle +towards him, commanded the ship’s sailors to stand by to lower. + +In a moment he was standing in the boat’s stern, and the Manilla men +were springing to their oars. In vain the English Captain hailed him. +With back to the stranger ship, and face set like a flint to his own, +Ahab stood upright till alongside of the Pequod. + + +CHAPTER 101. The Decanter. + +Ere the English ship fades from sight, be it set down here, that she +hailed from London, and was named after the late Samuel Enderby, +merchant of that city, the original of the famous whaling house of +Enderby & Sons; a house which in my poor whaleman’s opinion, comes not +far behind the united royal houses of the Tudors and Bourbons, in point +of real historical interest. How long, prior to the year of our Lord +1775, this great whaling house was in existence, my numerous +fish-documents do not make plain; but in that year (1775) it fitted out +the first English ships that ever regularly hunted the Sperm Whale; +though for some score of years previous (ever since 1726) our valiant +Coffins and Maceys of Nantucket and the Vineyard had in large fleets +pursued that Leviathan, but only in the North and South Atlantic: not +elsewhere. Be it distinctly recorded here, that the Nantucketers were +the first among mankind to harpoon with civilized steel the great Sperm +Whale; and that for half a century they were the only people of the +whole globe who so harpooned him. + +In 1778, a fine ship, the Amelia, fitted out for the express purpose, +and at the sole charge of the vigorous Enderbys, boldly rounded Cape +Horn, and was the first among the nations to lower a whale-boat of any +sort in the great South Sea. The voyage was a skilful and lucky one; +and returning to her berth with her hold full of the precious sperm, +the Amelia’s example was soon followed by other ships, English and +American, and thus the vast Sperm Whale grounds of the Pacific were +thrown open. But not content with this good deed, the indefatigable +house again bestirred itself: Samuel and all his Sons—how many, their +mother only knows—and under their immediate auspices, and partly, I +think, at their expense, the British government was induced to send the +sloop-of-war Rattler on a whaling voyage of discovery into the South +Sea. Commanded by a naval Post-Captain, the Rattler made a rattling +voyage of it, and did some service; how much does not appear. But this +is not all. In 1819, the same house fitted out a discovery whale ship +of their own, to go on a tasting cruise to the remote waters of Japan. +That ship—well called the “Syren”—made a noble experimental cruise; and +it was thus that the great Japanese Whaling Ground first became +generally known. The Syren in this famous voyage was commanded by a +Captain Coffin, a Nantucketer. + +All honor to the Enderbies, therefore, whose house, I think, exists to +the present day; though doubtless the original Samuel must long ago +have slipped his cable for the great South Sea of the other world. + +The ship named after him was worthy of the honor, being a very fast +sailer and a noble craft every way. I boarded her once at midnight +somewhere off the Patagonian coast, and drank good flip down in the +forecastle. It was a fine gam we had, and they were all trumps—every +soul on board. A short life to them, and a jolly death. And that fine +gam I had—long, very long after old Ahab touched her planks with his +ivory heel—it minds me of the noble, solid, Saxon hospitality of that +ship; and may my parson forget me, and the devil remember me, if I ever +lose sight of it. Flip? Did I say we had flip? Yes, and we flipped it +at the rate of ten gallons the hour; and when the squall came (for it’s +squally off there by Patagonia), and all hands—visitors and all—were +called to reef topsails, we were so top-heavy that we had to swing each +other aloft in bowlines; and we ignorantly furled the skirts of our +jackets into the sails, so that we hung there, reefed fast in the +howling gale, a warning example to all drunken tars. However, the masts +did not go overboard; and by and by we scrambled down, so sober, that +we had to pass the flip again, though the savage salt spray bursting +down the forecastle scuttle, rather too much diluted and pickled it to +my taste. + +The beef was fine—tough, but with body in it. They said it was +bull-beef; others, that it was dromedary beef; but I do not know, for +certain, how that was. They had dumplings too; small, but substantial, +symmetrically globular, and indestructible dumplings. I fancied that +you could feel them, and roll them about in you after they were +swallowed. If you stooped over too far forward, you risked their +pitching out of you like billiard-balls. The bread—but that couldn’t be +helped; besides, it was an anti-scorbutic; in short, the bread +contained the only fresh fare they had. But the forecastle was not very +light, and it was very easy to step over into a dark corner when you +ate it. But all in all, taking her from truck to helm, considering the +dimensions of the cook’s boilers, including his own live parchment +boilers; fore and aft, I say, the Samuel Enderby was a jolly ship; of +good fare and plenty; fine flip and strong; crack fellows all, and +capital from boot heels to hat-band. + +But why was it, think ye, that the Samuel Enderby, and some other +English whalers I know of—not all though—were such famous, hospitable +ships; that passed round the beef, and the bread, and the can, and the +joke; and were not soon weary of eating, and drinking, and laughing? I +will tell you. The abounding good cheer of these English whalers is +matter for historical research. Nor have I been at all sparing of +historical whale research, when it has seemed needed. + +The English were preceded in the whale fishery by the Hollanders, +Zealanders, and Danes; from whom they derived many terms still extant +in the fishery; and what is yet more, their fat old fashions, touching +plenty to eat and drink. For, as a general thing, the English +merchant-ship scrimps her crew; but not so the English whaler. Hence, +in the English, this thing of whaling good cheer is not normal and +natural, but incidental and particular; and, therefore, must have some +special origin, which is here pointed out, and will be still further +elucidated. + +During my researches in the Leviathanic histories, I stumbled upon an +ancient Dutch volume, which, by the musty whaling smell of it, I knew +must be about whalers. The title was, “Dan Coopman,” wherefore I +concluded that this must be the invaluable memoirs of some Amsterdam +cooper in the fishery, as every whale ship must carry its cooper. I was +reinforced in this opinion by seeing that it was the production of one +“Fitz Swackhammer.” But my friend Dr. Snodhead, a very learned man, +professor of Low Dutch and High German in the college of Santa Claus +and St. Pott’s, to whom I handed the work for translation, giving him a +box of sperm candles for his trouble—this same Dr. Snodhead, so soon as +he spied the book, assured me that “Dan Coopman” did not mean “The +Cooper,” but “The Merchant.” In short, this ancient and learned Low +Dutch book treated of the commerce of Holland; and, among other +subjects, contained a very interesting account of its whale fishery. +And in this chapter it was, headed, “Smeer,” or “Fat,” that I found a +long detailed list of the outfits for the larders and cellars of 180 +sail of Dutch whalemen; from which list, as translated by Dr. Snodhead, +I transcribe the following: + +400,000 lbs. of beef. 60,000 lbs. Friesland pork. 150,000 lbs. of stock +fish. 550,000 lbs. of biscuit. 72,000 lbs. of soft bread. 2,800 firkins +of butter. 20,000 lbs. Texel & Leyden cheese. 144,000 lbs. cheese +(probably an inferior article). 550 ankers of Geneva. 10,800 barrels of +beer. + +Most statistical tables are parchingly dry in the reading; not so in +the present case, however, where the reader is flooded with whole +pipes, barrels, quarts, and gills of good gin and good cheer. + +At the time, I devoted three days to the studious digesting of all this +beer, beef, and bread, during which many profound thoughts were +incidentally suggested to me, capable of a transcendental and Platonic +application; and, furthermore, I compiled supplementary tables of my +own, touching the probable quantity of stock-fish, etc., consumed by +every Low Dutch harpooneer in that ancient Greenland and Spitzbergen +whale fishery. In the first place, the amount of butter, and Texel and +Leyden cheese consumed, seems amazing. I impute it, though, to their +naturally unctuous natures, being rendered still more unctuous by the +nature of their vocation, and especially by their pursuing their game +in those frigid Polar Seas, on the very coasts of that Esquimaux +country where the convivial natives pledge each other in bumpers of +train oil. + +The quantity of beer, too, is very large, 10,800 barrels. Now, as those +polar fisheries could only be prosecuted in the short summer of that +climate, so that the whole cruise of one of these Dutch whalemen, +including the short voyage to and from the Spitzbergen sea, did not +much exceed three months, say, and reckoning 30 men to each of their +fleet of 180 sail, we have 5,400 Low Dutch seamen in all; therefore, I +say, we have precisely two barrels of beer per man, for a twelve weeks’ +allowance, exclusive of his fair proportion of that 550 ankers of gin. +Now, whether these gin and beer harpooneers, so fuddled as one might +fancy them to have been, were the right sort of men to stand up in a +boat’s head, and take good aim at flying whales; this would seem +somewhat improbable. Yet they did aim at them, and hit them too. But +this was very far North, be it remembered, where beer agrees well with +the constitution; upon the Equator, in our southern fishery, beer would +be apt to make the harpooneer sleepy at the mast-head and boozy in his +boat; and grievous loss might ensue to Nantucket and New Bedford. + +But no more; enough has been said to show that the old Dutch whalers of +two or three centuries ago were high livers; and that the English +whalers have not neglected so excellent an example. For, say they, when +cruising in an empty ship, if you can get nothing better out of the +world, get a good dinner out of it, at least. And this empties the +decanter. + + +CHAPTER 102. A Bower in the Arsacides. + +Hitherto, in descriptively treating of the Sperm Whale, I have chiefly +dwelt upon the marvels of his outer aspect; or separately and in detail +upon some few interior structural features. But to a large and thorough +sweeping comprehension of him, it behooves me now to unbutton him still +further, and untagging the points of his hose, unbuckling his garters, +and casting loose the hooks and the eyes of the joints of his innermost +bones, set him before you in his ultimatum; that is to say, in his +unconditional skeleton. + +But how now, Ishmael? How is it, that you, a mere oarsman in the +fishery, pretend to know aught about the subterranean parts of the +whale? Did erudite Stubb, mounted upon your capstan, deliver lectures +on the anatomy of the Cetacea; and by help of the windlass, hold up a +specimen rib for exhibition? Explain thyself, Ishmael. Can you land a +full-grown whale on your deck for examination, as a cook dishes a +roast-pig? Surely not. A veritable witness have you hitherto been, +Ishmael; but have a care how you seize the privilege of Jonah alone; +the privilege of discoursing upon the joists and beams; the rafters, +ridge-pole, sleepers, and under-pinnings, making up the frame-work of +leviathan; and belike of the tallow-vats, dairy-rooms, butteries, and +cheeseries in his bowels. + +I confess, that since Jonah, few whalemen have penetrated very far +beneath the skin of the adult whale; nevertheless, I have been blessed +with an opportunity to dissect him in miniature. In a ship I belonged +to, a small cub Sperm Whale was once bodily hoisted to the deck for his +poke or bag, to make sheaths for the barbs of the harpoons, and for the +heads of the lances. Think you I let that chance go, without using my +boat-hatchet and jack-knife, and breaking the seal and reading all the +contents of that young cub? + +And as for my exact knowledge of the bones of the leviathan in their +gigantic, full grown development, for that rare knowledge I am indebted +to my late royal friend Tranquo, king of Tranque, one of the Arsacides. +For being at Tranque, years ago, when attached to the trading-ship Dey +of Algiers, I was invited to spend part of the Arsacidean holidays with +the lord of Tranque, at his retired palm villa at Pupella; a sea-side +glen not very far distant from what our sailors called Bamboo-Town, his +capital. + +Among many other fine qualities, my royal friend Tranquo, being gifted +with a devout love for all matters of barbaric vertu, had brought +together in Pupella whatever rare things the more ingenious of his +people could invent; chiefly carved woods of wonderful devices, +chiselled shells, inlaid spears, costly paddles, aromatic canoes; and +all these distributed among whatever natural wonders, the +wonder-freighted, tribute-rendering waves had cast upon his shores. + +Chief among these latter was a great Sperm Whale, which, after an +unusually long raging gale, had been found dead and stranded, with his +head against a cocoa-nut tree, whose plumage-like, tufted droopings +seemed his verdant jet. When the vast body had at last been stripped of +its fathom-deep enfoldings, and the bones become dust dry in the sun, +then the skeleton was carefully transported up the Pupella glen, where +a grand temple of lordly palms now sheltered it. + +The ribs were hung with trophies; the vertebræ were carved with +Arsacidean annals, in strange hieroglyphics; in the skull, the priests +kept up an unextinguished aromatic flame, so that the mystic head again +sent forth its vapory spout; while, suspended from a bough, the +terrific lower jaw vibrated over all the devotees, like the hair-hung +sword that so affrighted Damocles. + +It was a wondrous sight. The wood was green as mosses of the Icy Glen; +the trees stood high and haughty, feeling their living sap; the +industrious earth beneath was as a weaver’s loom, with a gorgeous +carpet on it, whereof the ground-vine tendrils formed the warp and +woof, and the living flowers the figures. All the trees, with all their +laden branches; all the shrubs, and ferns, and grasses; the +message-carrying air; all these unceasingly were active. Through the +lacings of the leaves, the great sun seemed a flying shuttle weaving +the unwearied verdure. Oh, busy weaver! unseen weaver!—pause!—one +word!—whither flows the fabric? what palace may it deck? wherefore all +these ceaseless toilings? Speak, weaver!—stay thy hand!—but one single +word with thee! Nay—the shuttle flies—the figures float from forth the +loom; the freshet-rushing carpet for ever slides away. The weaver-god, +he weaves; and by that weaving is he deafened, that he hears no mortal +voice; and by that humming, we, too, who look on the loom are deafened; +and only when we escape it shall we hear the thousand voices that speak +through it. For even so it is in all material factories. The spoken +words that are inaudible among the flying spindles; those same words +are plainly heard without the walls, bursting from the opened +casements. Thereby have villainies been detected. Ah, mortal! then, be +heedful; for so, in all this din of the great world’s loom, thy +subtlest thinkings may be overheard afar. + +Now, amid the green, life-restless loom of that Arsacidean wood, the +great, white, worshipped skeleton lay lounging—a gigantic idler! Yet, +as the ever-woven verdant warp and woof intermixed and hummed around +him, the mighty idler seemed the cunning weaver; himself all woven over +with the vines; every month assuming greener, fresher verdure; but +himself a skeleton. Life folded Death; Death trellised Life; the grim +god wived with youthful Life, and begat him curly-headed glories. + +Now, when with royal Tranquo I visited this wondrous whale, and saw the +skull an altar, and the artificial smoke ascending from where the real +jet had issued, I marvelled that the king should regard a chapel as an +object of vertu. He laughed. But more I marvelled that the priests +should swear that smoky jet of his was genuine. To and fro I paced +before this skeleton—brushed the vines aside—broke through the ribs—and +with a ball of Arsacidean twine, wandered, eddied long amid its many +winding, shaded colonnades and arbours. But soon my line was out; and +following it back, I emerged from the opening where I entered. I saw no +living thing within; naught was there but bones. + +Cutting me a green measuring-rod, I once more dived within the +skeleton. From their arrow-slit in the skull, the priests perceived me +taking the altitude of the final rib, “How now!” they shouted; “Dar’st +thou measure this our god! That’s for us.” “Aye, priests—well, how long +do ye make him, then?” But hereupon a fierce contest rose among them, +concerning feet and inches; they cracked each other’s sconces with +their yard-sticks—the great skull echoed—and seizing that lucky chance, +I quickly concluded my own admeasurements. + +These admeasurements I now propose to set before you. But first, be it +recorded, that, in this matter, I am not free to utter any fancied +measurement I please. Because there are skeleton authorities you can +refer to, to test my accuracy. There is a Leviathanic Museum, they tell +me, in Hull, England, one of the whaling ports of that country, where +they have some fine specimens of fin-backs and other whales. Likewise, +I have heard that in the museum of Manchester, in New Hampshire, they +have what the proprietors call “the only perfect specimen of a +Greenland or River Whale in the United States.” Moreover, at a place in +Yorkshire, England, Burton Constable by name, a certain Sir Clifford +Constable has in his possession the skeleton of a Sperm Whale, but of +moderate size, by no means of the full-grown magnitude of my friend +King Tranquo’s. + +In both cases, the stranded whales to which these two skeletons +belonged, were originally claimed by their proprietors upon similar +grounds. King Tranquo seizing his because he wanted it; and Sir +Clifford, because he was lord of the seignories of those parts. Sir +Clifford’s whale has been articulated throughout; so that, like a great +chest of drawers, you can open and shut him, in all his bony +cavities—spread out his ribs like a gigantic fan—and swing all day upon +his lower jaw. Locks are to be put upon some of his trap-doors and +shutters; and a footman will show round future visitors with a bunch of +keys at his side. Sir Clifford thinks of charging twopence for a peep +at the whispering gallery in the spinal column; threepence to hear the +echo in the hollow of his cerebellum; and sixpence for the unrivalled +view from his forehead. + +The skeleton dimensions I shall now proceed to set down are copied +verbatim from my right arm, where I had them tattooed; as in my wild +wanderings at that period, there was no other secure way of preserving +such valuable statistics. But as I was crowded for space, and wished +the other parts of my body to remain a blank page for a poem I was then +composing—at least, what untattooed parts might remain—I did not +trouble myself with the odd inches; nor, indeed, should inches at all +enter into a congenial admeasurement of the whale. + + +CHAPTER 103. Measurement of The Whale’s Skeleton. + +In the first place, I wish to lay before you a particular, plain +statement, touching the living bulk of this leviathan, whose skeleton +we are briefly to exhibit. Such a statement may prove useful here. + +According to a careful calculation I have made, and which I partly base +upon Captain Scoresby’s estimate, of seventy tons for the largest sized +Greenland whale of sixty feet in length; according to my careful +calculation, I say, a Sperm Whale of the largest magnitude, between +eighty-five and ninety feet in length, and something less than forty +feet in its fullest circumference, such a whale will weigh at least +ninety tons; so that, reckoning thirteen men to a ton, he would +considerably outweigh the combined population of a whole village of one +thousand one hundred inhabitants. + +Think you not then that brains, like yoked cattle, should be put to +this leviathan, to make him at all budge to any landsman’s imagination? + +Having already in various ways put before you his skull, spout-hole, +jaw, teeth, tail, forehead, fins, and divers other parts, I shall now +simply point out what is most interesting in the general bulk of his +unobstructed bones. But as the colossal skull embraces so very large a +proportion of the entire extent of the skeleton; as it is by far the +most complicated part; and as nothing is to be repeated concerning it +in this chapter, you must not fail to carry it in your mind, or under +your arm, as we proceed, otherwise you will not gain a complete notion +of the general structure we are about to view. + +In length, the Sperm Whale’s skeleton at Tranque measured seventy-two +feet; so that when fully invested and extended in life, he must have +been ninety feet long; for in the whale, the skeleton loses about one +fifth in length compared with the living body. Of this seventy-two +feet, his skull and jaw comprised some twenty feet, leaving some fifty +feet of plain back-bone. Attached to this back-bone, for something less +than a third of its length, was the mighty circular basket of ribs +which once enclosed his vitals. + +To me this vast ivory-ribbed chest, with the long, unrelieved spine, +extending far away from it in a straight line, not a little resembled +the hull of a great ship new-laid upon the stocks, when only some +twenty of her naked bow-ribs are inserted, and the keel is otherwise, +for the time, but a long, disconnected timber. + +The ribs were ten on a side. The first, to begin from the neck, was +nearly six feet long; the second, third, and fourth were each +successively longer, till you came to the climax of the fifth, or one +of the middle ribs, which measured eight feet and some inches. From +that part, the remaining ribs diminished, till the tenth and last only +spanned five feet and some inches. In general thickness, they all bore +a seemly correspondence to their length. The middle ribs were the most +arched. In some of the Arsacides they are used for beams whereon to lay +footpath bridges over small streams. + +In considering these ribs, I could not but be struck anew with the +circumstance, so variously repeated in this book, that the skeleton of +the whale is by no means the mould of his invested form. The largest of +the Tranque ribs, one of the middle ones, occupied that part of the +fish which, in life, is greatest in depth. Now, the greatest depth of +the invested body of this particular whale must have been at least +sixteen feet; whereas, the corresponding rib measured but little more +than eight feet. So that this rib only conveyed half of the true notion +of the living magnitude of that part. Besides, for some way, where I +now saw but a naked spine, all that had been once wrapped round with +tons of added bulk in flesh, muscle, blood, and bowels. Still more, for +the ample fins, I here saw but a few disordered joints; and in place of +the weighty and majestic, but boneless flukes, an utter blank! + +How vain and foolish, then, thought I, for timid untravelled man to try +to comprehend aright this wondrous whale, by merely poring over his +dead attenuated skeleton, stretched in this peaceful wood. No. Only in +the heart of quickest perils; only when within the eddyings of his +angry flukes; only on the profound unbounded sea, can the fully +invested whale be truly and livingly found out. + +But the spine. For that, the best way we can consider it is, with a +crane, to pile its bones high up on end. No speedy enterprise. But now +it’s done, it looks much like Pompey’s Pillar. + +There are forty and odd vertebræ in all, which in the skeleton are not +locked together. They mostly lie like the great knobbed blocks on a +Gothic spire, forming solid courses of heavy masonry. The largest, a +middle one, is in width something less than three feet, and in depth +more than four. The smallest, where the spine tapers away into the +tail, is only two inches in width, and looks something like a white +billiard-ball. I was told that there were still smaller ones, but they +had been lost by some little cannibal urchins, the priest’s children, +who had stolen them to play marbles with. Thus we see how that the +spine of even the hugest of living things tapers off at last into +simple child’s play. + + +CHAPTER 104. The Fossil Whale. + +From his mighty bulk the whale affords a most congenial theme whereon +to enlarge, amplify, and generally expatiate. Would you, you could not +compress him. By good rights he should only be treated of in imperial +folio. Not to tell over again his furlongs from spiracle to tail, and +the yards he measures about the waist; only think of the gigantic +involutions of his intestines, where they lie in him like great cables +and hawsers coiled away in the subterranean orlop-deck of a +line-of-battle-ship. + +Since I have undertaken to manhandle this Leviathan, it behooves me to +approve myself omnisciently exhaustive in the enterprise; not +overlooking the minutest seminal germs of his blood, and spinning him +out to the uttermost coil of his bowels. Having already described him +in most of his present habitatory and anatomical peculiarities, it now +remains to magnify him in an archæological, fossiliferous, and +antediluvian point of view. Applied to any other creature than the +Leviathan—to an ant or a flea—such portly terms might justly be deemed +unwarrantably grandiloquent. But when Leviathan is the text, the case +is altered. Fain am I to stagger to this emprise under the weightiest +words of the dictionary. And here be it said, that whenever it has been +convenient to consult one in the course of these dissertations, I have +invariably used a huge quarto edition of Johnson, expressly purchased +for that purpose; because that famous lexicographer’s uncommon personal +bulk more fitted him to compile a lexicon to be used by a whale author +like me. + +One often hears of writers that rise and swell with their subject, +though it may seem but an ordinary one. How, then, with me, writing of +this Leviathan? Unconsciously my chirography expands into placard +capitals. Give me a condor’s quill! Give me Vesuvius’ crater for an +inkstand! Friends, hold my arms! For in the mere act of penning my +thoughts of this Leviathan, they weary me, and make me faint with their +outreaching comprehensiveness of sweep, as if to include the whole +circle of the sciences, and all the generations of whales, and men, and +mastodons, past, present, and to come, with all the revolving panoramas +of empire on earth, and throughout the whole universe, not excluding +its suburbs. Such, and so magnifying, is the virtue of a large and +liberal theme! We expand to its bulk. To produce a mighty book, you +must choose a mighty theme. No great and enduring volume can ever be +written on the flea, though many there be who have tried it. + +Ere entering upon the subject of Fossil Whales, I present my +credentials as a geologist, by stating that in my miscellaneous time I +have been a stone-mason, and also a great digger of ditches, canals and +wells, wine-vaults, cellars, and cisterns of all sorts. Likewise, by +way of preliminary, I desire to remind the reader, that while in the +earlier geological strata there are found the fossils of monsters now +almost completely extinct; the subsequent relics discovered in what are +called the Tertiary formations seem the connecting, or at any rate +intercepted links, between the antichronical creatures, and those whose +remote posterity are said to have entered the Ark; all the Fossil +Whales hitherto discovered belong to the Tertiary period, which is the +last preceding the superficial formations. And though none of them +precisely answer to any known species of the present time, they are yet +sufficiently akin to them in general respects, to justify their taking +rank as Cetacean fossils. + +Detached broken fossils of pre-adamite whales, fragments of their bones +and skeletons, have within thirty years past, at various intervals, +been found at the base of the Alps, in Lombardy, in France, in England, +in Scotland, and in the States of Louisiana, Mississippi, and Alabama. +Among the more curious of such remains is part of a skull, which in the +year 1779 was disinterred in the Rue Dauphine in Paris, a short street +opening almost directly upon the palace of the Tuileries; and bones +disinterred in excavating the great docks of Antwerp, in Napoleon’s +time. Cuvier pronounced these fragments to have belonged to some +utterly unknown Leviathanic species. + +But by far the most wonderful of all Cetacean relics was the almost +complete vast skeleton of an extinct monster, found in the year 1842, +on the plantation of Judge Creagh, in Alabama. The awe-stricken +credulous slaves in the vicinity took it for the bones of one of the +fallen angels. The Alabama doctors declared it a huge reptile, and +bestowed upon it the name of Basilosaurus. But some specimen bones of +it being taken across the sea to Owen, the English Anatomist, it turned +out that this alleged reptile was a whale, though of a departed +species. A significant illustration of the fact, again and again +repeated in this book, that the skeleton of the whale furnishes but +little clue to the shape of his fully invested body. So Owen +rechristened the monster Zeuglodon; and in his paper read before the +London Geological Society, pronounced it, in substance, one of the most +extraordinary creatures which the mutations of the globe have blotted +out of existence. + +When I stand among these mighty Leviathan skeletons, skulls, tusks, +jaws, ribs, and vertebræ, all characterized by partial resemblances to +the existing breeds of sea-monsters; but at the same time bearing on +the other hand similar affinities to the annihilated antichronical +Leviathans, their incalculable seniors; I am, by a flood, borne back to +that wondrous period, ere time itself can be said to have begun; for +time began with man. Here Saturn’s grey chaos rolls over me, and I +obtain dim, shuddering glimpses into those Polar eternities; when +wedged bastions of ice pressed hard upon what are now the Tropics; and +in all the 25,000 miles of this world’s circumference, not an +inhabitable hand’s breadth of land was visible. Then the whole world +was the whale’s; and, king of creation, he left his wake along the +present lines of the Andes and the Himmalehs. Who can show a pedigree +like Leviathan? Ahab’s harpoon had shed older blood than the Pharaoh’s. +Methuselah seems a school-boy. I look round to shake hands with Shem. I +am horror-struck at this antemosaic, unsourced existence of the +unspeakable terrors of the whale, which, having been before all time, +must needs exist after all humane ages are over. + +But not alone has this Leviathan left his pre-adamite traces in the +stereotype plates of nature, and in limestone and marl bequeathed his +ancient bust; but upon Egyptian tablets, whose antiquity seems to claim +for them an almost fossiliferous character, we find the unmistakable +print of his fin. In an apartment of the great temple of Denderah, some +fifty years ago, there was discovered upon the granite ceiling a +sculptured and painted planisphere, abounding in centaurs, griffins, +and dolphins, similar to the grotesque figures on the celestial globe +of the moderns. Gliding among them, old Leviathan swam as of yore; was +there swimming in that planisphere, centuries before Solomon was +cradled. + +Nor must there be omitted another strange attestation of the antiquity +of the whale, in his own osseous post-diluvian reality, as set down by +the venerable John Leo, the old Barbary traveller. + +“Not far from the Sea-side, they have a Temple, the Rafters and Beams +of which are made of Whale-Bones; for Whales of a monstrous size are +oftentimes cast up dead upon that shore. The Common People imagine, +that by a secret Power bestowed by God upon the Temple, no Whale can +pass it without immediate death. But the truth of the Matter is, that +on either side of the Temple, there are Rocks that shoot two Miles into +the Sea, and wound the Whales when they light upon ’em. They keep a +Whale’s Rib of an incredible length for a Miracle, which lying upon the +Ground with its convex part uppermost, makes an Arch, the Head of which +cannot be reached by a Man upon a Camel’s Back. This Rib (says John +Leo) is said to have layn there a hundred Years before I saw it. Their +Historians affirm, that a Prophet who prophesy’d of Mahomet, came from +this Temple, and some do not stand to assert, that the Prophet Jonas +was cast forth by the Whale at the Base of the Temple.” + +In this Afric Temple of the Whale I leave you, reader, and if you be a +Nantucketer, and a whaleman, you will silently worship there. + + +CHAPTER 105. Does the Whale’s Magnitude Diminish?—Will He Perish? + +Inasmuch, then, as this Leviathan comes floundering down upon us from +the head-waters of the Eternities, it may be fitly inquired, whether, +in the long course of his generations, he has not degenerated from the +original bulk of his sires. + +But upon investigation we find, that not only are the whales of the +present day superior in magnitude to those whose fossil remains are +found in the Tertiary system (embracing a distinct geological period +prior to man), but of the whales found in that Tertiary system, those +belonging to its latter formations exceed in size those of its earlier +ones. + +Of all the pre-adamite whales yet exhumed, by far the largest is the +Alabama one mentioned in the last chapter, and that was less than +seventy feet in length in the skeleton. Whereas, we have already seen, +that the tape-measure gives seventy-two feet for the skeleton of a +large sized modern whale. And I have heard, on whalemen’s authority, +that Sperm Whales have been captured near a hundred feet long at the +time of capture. + +But may it not be, that while the whales of the present hour are an +advance in magnitude upon those of all previous geological periods; may +it not be, that since Adam’s time they have degenerated? + +Assuredly, we must conclude so, if we are to credit the accounts of +such gentlemen as Pliny, and the ancient naturalists generally. For +Pliny tells us of whales that embraced acres of living bulk, and +Aldrovandus of others which measured eight hundred feet in length—Rope +Walks and Thames Tunnels of Whales! And even in the days of Banks and +Solander, Cooke’s naturalists, we find a Danish member of the Academy +of Sciences setting down certain Iceland Whales (reydan-siskur, or +Wrinkled Bellies) at one hundred and twenty yards; that is, three +hundred and sixty feet. And Lacépède, the French naturalist, in his +elaborate history of whales, in the very beginning of his work (page +3), sets down the Right Whale at one hundred metres, three hundred and +twenty-eight feet. And this work was published so late as A.D. 1825. + +But will any whaleman believe these stories? No. The whale of to-day is +as big as his ancestors in Pliny’s time. And if ever I go where Pliny +is, I, a whaleman (more than he was), will make bold to tell him so. +Because I cannot understand how it is, that while the Egyptian mummies +that were buried thousands of years before even Pliny was born, do not +measure so much in their coffins as a modern Kentuckian in his socks; +and while the cattle and other animals sculptured on the oldest +Egyptian and Nineveh tablets, by the relative proportions in which they +are drawn, just as plainly prove that the high-bred, stall-fed, prize +cattle of Smithfield, not only equal, but far exceed in magnitude the +fattest of Pharaoh’s fat kine; in the face of all this, I will not +admit that of all animals the whale alone should have degenerated. + +But still another inquiry remains; one often agitated by the more +recondite Nantucketers. Whether owing to the almost omniscient +look-outs at the mast-heads of the whale-ships, now penetrating even +through Behring’s straits, and into the remotest secret drawers and +lockers of the world; and the thousand harpoons and lances darted along +all continental coasts; the moot point is, whether Leviathan can long +endure so wide a chase, and so remorseless a havoc; whether he must not +at last be exterminated from the waters, and the last whale, like the +last man, smoke his last pipe, and then himself evaporate in the final +puff. + +Comparing the humped herds of whales with the humped herds of buffalo, +which, not forty years ago, overspread by tens of thousands the +prairies of Illinois and Missouri, and shook their iron manes and +scowled with their thunder-clotted brows upon the sites of populous +river-capitals, where now the polite broker sells you land at a dollar +an inch; in such a comparison an irresistible argument would seem +furnished, to show that the hunted whale cannot now escape speedy +extinction. + +But you must look at this matter in every light. Though so short a +period ago—not a good lifetime—the census of the buffalo in Illinois +exceeded the census of men now in London, and though at the present day +not one horn or hoof of them remains in all that region; and though the +cause of this wondrous extermination was the spear of man; yet the far +different nature of the whale-hunt peremptorily forbids so inglorious +an end to the Leviathan. Forty men in one ship hunting the Sperm Whales +for forty-eight months think they have done extremely well, and thank +God, if at last they carry home the oil of forty fish. Whereas, in the +days of the old Canadian and Indian hunters and trappers of the West, +when the far west (in whose sunset suns still rise) was a wilderness +and a virgin, the same number of moccasined men, for the same number of +months, mounted on horse instead of sailing in ships, would have slain +not forty, but forty thousand and more buffaloes; a fact that, if need +were, could be statistically stated. + +Nor, considered aright, does it seem any argument in favour of the +gradual extinction of the Sperm Whale, for example, that in former +years (the latter part of the last century, say) these Leviathans, in +small pods, were encountered much oftener than at present, and, in +consequence, the voyages were not so prolonged, and were also much more +remunerative. Because, as has been elsewhere noticed, those whales, +influenced by some views to safety, now swim the seas in immense +caravans, so that to a large degree the scattered solitaries, yokes, +and pods, and schools of other days are now aggregated into vast but +widely separated, unfrequent armies. That is all. And equally +fallacious seems the conceit, that because the so-called whale-bone +whales no longer haunt many grounds in former years abounding with +them, hence that species also is declining. For they are only being +driven from promontory to cape; and if one coast is no longer enlivened +with their jets, then, be sure, some other and remoter strand has been +very recently startled by the unfamiliar spectacle. + +Furthermore: concerning these last mentioned Leviathans, they have two +firm fortresses, which, in all human probability, will for ever remain +impregnable. And as upon the invasion of their valleys, the frosty +Swiss have retreated to their mountains; so, hunted from the savannas +and glades of the middle seas, the whale-bone whales can at last resort +to their Polar citadels, and diving under the ultimate glassy barriers +and walls there, come up among icy fields and floes; and in a charmed +circle of everlasting December, bid defiance to all pursuit from man. + +But as perhaps fifty of these whale-bone whales are harpooned for one +cachalot, some philosophers of the forecastle have concluded that this +positive havoc has already very seriously diminished their battalions. +But though for some time past a number of these whales, not less than +13,000, have been annually slain on the nor’ west coast by the +Americans alone; yet there are considerations which render even this +circumstance of little or no account as an opposing argument in this +matter. + +Natural as it is to be somewhat incredulous concerning the populousness +of the more enormous creatures of the globe, yet what shall we say to +Harto, the historian of Goa, when he tells us that at one hunting the +King of Siam took 4,000 elephants; that in those regions elephants are +numerous as droves of cattle in the temperate climes. And there seems +no reason to doubt that if these elephants, which have now been hunted +for thousands of years, by Semiramis, by Porus, by Hannibal, and by all +the successive monarchs of the East—if they still survive there in +great numbers, much more may the great whale outlast all hunting, since +he has a pasture to expatiate in, which is precisely twice as large as +all Asia, both Americas, Europe and Africa, New Holland, and all the +Isles of the sea combined. + +Moreover: we are to consider, that from the presumed great longevity of +whales, their probably attaining the age of a century and more, +therefore at any one period of time, several distinct adult generations +must be contemporary. And what that is, we may soon gain some idea of, +by imagining all the grave-yards, cemeteries, and family vaults of +creation yielding up the live bodies of all the men, women, and +children who were alive seventy-five years ago; and adding this +countless host to the present human population of the globe. + +Wherefore, for all these things, we account the whale immortal in his +species, however perishable in his individuality. He swam the seas +before the continents broke water; he once swam over the site of the +Tuileries, and Windsor Castle, and the Kremlin. In Noah’s flood he +despised Noah’s Ark; and if ever the world is to be again flooded, like +the Netherlands, to kill off its rats, then the eternal whale will +still survive, and rearing upon the topmost crest of the equatorial +flood, spout his frothed defiance to the skies. + + +CHAPTER 106. Ahab’s Leg. + +The precipitating manner in which Captain Ahab had quitted the Samuel +Enderby of London, had not been unattended with some small violence to +his own person. He had lighted with such energy upon a thwart of his +boat that his ivory leg had received a half-splintering shock. And when +after gaining his own deck, and his own pivot-hole there, he so +vehemently wheeled round with an urgent command to the steersman (it +was, as ever, something about his not steering inflexibly enough); +then, the already shaken ivory received such an additional twist and +wrench, that though it still remained entire, and to all appearances +lusty, yet Ahab did not deem it entirely trustworthy. + +And, indeed, it seemed small matter for wonder, that for all his +pervading, mad recklessness, Ahab did at times give careful heed to the +condition of that dead bone upon which he partly stood. For it had not +been very long prior to the Pequod’s sailing from Nantucket, that he +had been found one night lying prone upon the ground, and insensible; +by some unknown, and seemingly inexplicable, unimaginable casualty, his +ivory limb having been so violently displaced, that it had stake-wise +smitten, and all but pierced his groin; nor was it without extreme +difficulty that the agonizing wound was entirely cured. + +Nor, at the time, had it failed to enter his monomaniac mind, that all +the anguish of that then present suffering was but the direct issue of +a former woe; and he too plainly seemed to see, that as the most +poisonous reptile of the marsh perpetuates his kind as inevitably as +the sweetest songster of the grove; so, equally with every felicity, +all miserable events do naturally beget their like. Yea, more than +equally, thought Ahab; since both the ancestry and posterity of Grief +go further than the ancestry and posterity of Joy. For, not to hint of +this: that it is an inference from certain canonic teachings, that +while some natural enjoyments here shall have no children born to them +for the other world, but, on the contrary, shall be followed by the +joy-childlessness of all hell’s despair; whereas, some guilty mortal +miseries shall still fertilely beget to themselves an eternally +progressive progeny of griefs beyond the grave; not at all to hint of +this, there still seems an inequality in the deeper analysis of the +thing. For, thought Ahab, while even the highest earthly felicities +ever have a certain unsignifying pettiness lurking in them, but, at +bottom, all heartwoes, a mystic significance, and, in some men, an +archangelic grandeur; so do their diligent tracings-out not belie the +obvious deduction. To trail the genealogies of these high mortal +miseries, carries us at last among the sourceless primogenitures of the +gods; so that, in the face of all the glad, hay-making suns, and soft +cymballing, round harvest-moons, we must needs give in to this: that +the gods themselves are not for ever glad. The ineffaceable, sad +birth-mark in the brow of man, is but the stamp of sorrow in the +signers. + +Unwittingly here a secret has been divulged, which perhaps might more +properly, in set way, have been disclosed before. With many other +particulars concerning Ahab, always had it remained a mystery to some, +why it was, that for a certain period, both before and after the +sailing of the Pequod, he had hidden himself away with such +Grand-Lama-like exclusiveness; and, for that one interval, sought +speechless refuge, as it were, among the marble senate of the dead. +Captain Peleg’s bruited reason for this thing appeared by no means +adequate; though, indeed, as touching all Ahab’s deeper part, every +revelation partook more of significant darkness than of explanatory +light. But, in the end, it all came out; this one matter did, at least. +That direful mishap was at the bottom of his temporary recluseness. And +not only this, but to that ever-contracting, dropping circle ashore, +who, for any reason, possessed the privilege of a less banned approach +to him; to that timid circle the above hinted casualty—remaining, as it +did, moodily unaccounted for by Ahab—invested itself with terrors, not +entirely underived from the land of spirits and of wails. So that, +through their zeal for him, they had all conspired, so far as in them +lay, to muffle up the knowledge of this thing from others; and hence it +was, that not till a considerable interval had elapsed, did it +transpire upon the Pequod’s decks. + +But be all this as it may; let the unseen, ambiguous synod in the air, +or the vindictive princes and potentates of fire, have to do or not +with earthly Ahab, yet, in this present matter of his leg, he took +plain practical procedures;—he called the carpenter. + +And when that functionary appeared before him, he bade him without +delay set about making a new leg, and directed the mates to see him +supplied with all the studs and joists of jaw-ivory (Sperm Whale) which +had thus far been accumulated on the voyage, in order that a careful +selection of the stoutest, clearest-grained stuff might be secured. +This done, the carpenter received orders to have the leg completed that +night; and to provide all the fittings for it, independent of those +pertaining to the distrusted one in use. Moreover, the ship’s forge was +ordered to be hoisted out of its temporary idleness in the hold; and, +to accelerate the affair, the blacksmith was commanded to proceed at +once to the forging of whatever iron contrivances might be needed. + + +CHAPTER 107. The Carpenter. + +Seat thyself sultanically among the moons of Saturn, and take high +abstracted man alone; and he seems a wonder, a grandeur, and a woe. But +from the same point, take mankind in mass, and for the most part, they +seem a mob of unnecessary duplicates, both contemporary and hereditary. +But most humble though he was, and far from furnishing an example of +the high, humane abstraction; the Pequod’s carpenter was no duplicate; +hence, he now comes in person on this stage. + +Like all sea-going ship carpenters, and more especially those belonging +to whaling vessels, he was, to a certain off-handed, practical extent, +alike experienced in numerous trades and callings collateral to his +own; the carpenter’s pursuit being the ancient and outbranching trunk +of all those numerous handicrafts which more or less have to do with +wood as an auxiliary material. But, besides the application to him of +the generic remark above, this carpenter of the Pequod was singularly +efficient in those thousand nameless mechanical emergencies continually +recurring in a large ship, upon a three or four years’ voyage, in +uncivilized and far-distant seas. For not to speak of his readiness in +ordinary duties:—repairing stove boats, sprung spars, reforming the +shape of clumsy-bladed oars, inserting bull’s eyes in the deck, or new +tree-nails in the side planks, and other miscellaneous matters more +directly pertaining to his special business; he was moreover +unhesitatingly expert in all manner of conflicting aptitudes, both +useful and capricious. + +The one grand stage where he enacted all his various parts so manifold, +was his vice-bench; a long rude ponderous table furnished with several +vices, of different sizes, and both of iron and of wood. At all times +except when whales were alongside, this bench was securely lashed +athwartships against the rear of the Try-works. + +A belaying pin is found too large to be easily inserted into its hole: +the carpenter claps it into one of his ever-ready vices, and +straightway files it smaller. A lost land-bird of strange plumage +strays on board, and is made a captive: out of clean shaved rods of +right-whale bone, and cross-beams of sperm whale ivory, the carpenter +makes a pagoda-looking cage for it. An oarsman sprains his wrist: the +carpenter concocts a soothing lotion. Stubb longed for vermillion stars +to be painted upon the blade of his every oar; screwing each oar in his +big vice of wood, the carpenter symmetrically supplies the +constellation. A sailor takes a fancy to wear shark-bone ear-rings: the +carpenter drills his ears. Another has the toothache: the carpenter out +pincers, and clapping one hand upon his bench bids him be seated there; +but the poor fellow unmanageably winces under the unconcluded +operation; whirling round the handle of his wooden vice, the carpenter +signs him to clap his jaw in that, if he would have him draw the tooth. + +Thus, this carpenter was prepared at all points, and alike indifferent +and without respect in all. Teeth he accounted bits of ivory; heads he +deemed but top-blocks; men themselves he lightly held for capstans. But +while now upon so wide a field thus variously accomplished and with +such liveliness of expertness in him, too; all this would seem to argue +some uncommon vivacity of intelligence. But not precisely so. For +nothing was this man more remarkable, than for a certain impersonal +stolidity as it were; impersonal, I say; for it so shaded off into the +surrounding infinite of things, that it seemed one with the general +stolidity discernible in the whole visible world; which while +pauselessly active in uncounted modes, still eternally holds its peace, +and ignores you, though you dig foundations for cathedrals. Yet was +this half-horrible stolidity in him, involving, too, as it appeared, an +all-ramifying heartlessness;—yet was it oddly dashed at times, with an +old, crutch-like, antediluvian, wheezing humorousness, not unstreaked +now and then with a certain grizzled wittiness; such as might have +served to pass the time during the midnight watch on the bearded +forecastle of Noah’s ark. Was it that this old carpenter had been a +life-long wanderer, whose much rolling, to and fro, not only had +gathered no moss; but what is more, had rubbed off whatever small +outward clingings might have originally pertained to him? He was a +stript abstract; an unfractioned integral; uncompromised as a new-born +babe; living without premeditated reference to this world or the next. +You might almost say, that this strange uncompromisedness in him +involved a sort of unintelligence; for in his numerous trades, he did +not seem to work so much by reason or by instinct, or simply because he +had been tutored to it, or by any intermixture of all these, even or +uneven; but merely by a kind of deaf and dumb, spontaneous literal +process. He was a pure manipulator; his brain, if he had ever had one, +must have early oozed along into the muscles of his fingers. He was +like one of those unreasoning but still highly useful, _multum in +parvo_, Sheffield contrivances, assuming the exterior—though a little +swelled—of a common pocket knife; but containing, not only blades of +various sizes, but also screw-drivers, cork-screws, tweezers, awls, +pens, rulers, nail-filers, countersinkers. So, if his superiors wanted +to use the carpenter for a screw-driver, all they had to do was to open +that part of him, and the screw was fast: or if for tweezers, take him +up by the legs, and there they were. + +Yet, as previously hinted, this omnitooled, open-and-shut carpenter, +was, after all, no mere machine of an automaton. If he did not have a +common soul in him, he had a subtle something that somehow anomalously +did its duty. What that was, whether essence of quicksilver, or a few +drops of hartshorn, there is no telling. But there it was; and there it +had abided for now some sixty years or more. And this it was, this same +unaccountable, cunning life-principle in him; this it was, that kept +him a great part of the time soliloquizing; but only like an +unreasoning wheel, which also hummingly soliloquizes; or rather, his +body was a sentry-box and this soliloquizer on guard there, and talking +all the time to keep himself awake. + + +CHAPTER 108. Ahab and the Carpenter. + +The Deck—First Night Watch. + +(_Carpenter standing before his vice-bench, and by the light of two +lanterns busily filing the ivory joist for the leg, which joist is +firmly fixed in the vice. Slabs of ivory, leather straps, pads, screws, +and various tools of all sorts lying about the bench. Forward, the red +flame of the forge is seen, where the blacksmith is at work._) + +Drat the file, and drat the bone! That is hard which should be soft, +and that is soft which should be hard. So we go, who file old jaws and +shinbones. Let’s try another. Aye, now, this works better (_sneezes_). +Halloa, this bone dust is (_sneezes_)—why it’s (_sneezes_)—yes it’s +(_sneezes_)—bless my soul, it won’t let me speak! This is what an old +fellow gets now for working in dead lumber. Saw a live tree, and you +don’t get this dust; amputate a live bone, and you don’t get it +(_sneezes_). Come, come, you old Smut, there, bear a hand, and let’s +have that ferule and buckle-screw; I’ll be ready for them presently. +Lucky now (_sneezes_) there’s no knee-joint to make; that might puzzle +a little; but a mere shinbone—why it’s easy as making hop-poles; only I +should like to put a good finish on. Time, time; if I but only had the +time, I could turn him out as neat a leg now as ever (_sneezes_) +scraped to a lady in a parlor. Those buckskin legs and calves of legs +I’ve seen in shop windows wouldn’t compare at all. They soak water, +they do; and of course get rheumatic, and have to be doctored +(_sneezes_) with washes and lotions, just like live legs. There; before +I saw it off, now, I must call his old Mogulship, and see whether the +length will be all right; too short, if anything, I guess. Ha! that’s +the heel; we are in luck; here he comes, or it’s somebody else, that’s +certain. + +AHAB (_advancing_). (_During the ensuing scene, the carpenter continues +sneezing at times._) + +Well, manmaker! + +Just in time, sir. If the captain pleases, I will now mark the length. +Let me measure, sir. + +Measured for a leg! good. Well, it’s not the first time. About it! +There; keep thy finger on it. This is a cogent vice thou hast here, +carpenter; let me feel its grip once. So, so; it does pinch some. + +Oh, sir, it will break bones—beware, beware! + +No fear; I like a good grip; I like to feel something in this slippery +world that can hold, man. What’s Prometheus about there?—the +blacksmith, I mean—what’s he about? + +He must be forging the buckle-screw, sir, now. + +Right. It’s a partnership; he supplies the muscle part. He makes a +fierce red flame there! + +Aye, sir; he must have the white heat for this kind of fine work. + +Um-m. So he must. I do deem it now a most meaning thing, that that old +Greek, Prometheus, who made men, they say, should have been a +blacksmith, and animated them with fire; for what’s made in fire must +properly belong to fire; and so hell’s probable. How the soot flies! +This must be the remainder the Greek made the Africans of. Carpenter, +when he’s through with that buckle, tell him to forge a pair of steel +shoulder-blades; there’s a pedlar aboard with a crushing pack. + +Sir? + +Hold; while Prometheus is about it, I’ll order a complete man after a +desirable pattern. Imprimis, fifty feet high in his socks; then, chest +modelled after the Thames Tunnel; then, legs with roots to ’em, to stay +in one place; then, arms three feet through the wrist; no heart at all, +brass forehead, and about a quarter of an acre of fine brains; and let +me see—shall I order eyes to see outwards? No, but put a sky-light on +top of his head to illuminate inwards. There, take the order, and away. + +Now, what’s he speaking about, and who’s he speaking to, I should like +to know? Shall I keep standing here? (_aside_). + +’Tis but indifferent architecture to make a blind dome; here’s one. No, +no, no; I must have a lantern. + +Ho, ho! That’s it, hey? Here are two, sir; one will serve my turn. + +What art thou thrusting that thief-catcher into my face for, man? +Thrusted light is worse than presented pistols. + +I thought, sir, that you spoke to carpenter. + +Carpenter? why that’s—but no;—a very tidy, and, I may say, an extremely +gentlemanlike sort of business thou art in here, carpenter;—or would’st +thou rather work in clay? + +Sir?—Clay? clay, sir? That’s mud; we leave clay to ditchers, sir. + +The fellow’s impious! What art thou sneezing about? + +Bone is rather dusty, sir. + +Take the hint, then; and when thou art dead, never bury thyself under +living people’s noses. + +Sir?—oh! ah!—I guess so;—yes—oh, dear! + +Look ye, carpenter, I dare say thou callest thyself a right good +workmanlike workman, eh? Well, then, will it speak thoroughly well for +thy work, if, when I come to mount this leg thou makest, I shall +nevertheless feel another leg in the same identical place with it; that +is, carpenter, my old lost leg; the flesh and blood one, I mean. Canst +thou not drive that old Adam away? + +Truly, sir, I begin to understand somewhat now. Yes, I have heard +something curious on that score, sir; how that a dismasted man never +entirely loses the feeling of his old spar, but it will be still +pricking him at times. May I humbly ask if it be really so, sir? + +It is, man. Look, put thy live leg here in the place where mine once +was; so, now, here is only one distinct leg to the eye, yet two to the +soul. Where thou feelest tingling life; there, exactly there, there to +a hair, do I. Is’t a riddle? + +I should humbly call it a poser, sir. + +Hist, then. How dost thou know that some entire, living, thinking thing +may not be invisibly and uninterpenetratingly standing precisely where +thou now standest; aye, and standing there in thy spite? In thy most +solitary hours, then, dost thou not fear eavesdroppers? Hold, don’t +speak! And if I still feel the smart of my crushed leg, though it be +now so long dissolved; then, why mayst not thou, carpenter, feel the +fiery pains of hell for ever, and without a body? Hah! + +Good Lord! Truly, sir, if it comes to that, I must calculate over +again; I think I didn’t carry a small figure, sir. + +Look ye, pudding-heads should never grant premises.—How long before the +leg is done? + +Perhaps an hour, sir. + +Bungle away at it then, and bring it to me (_turns to go_). Oh, Life! +Here I am, proud as Greek god, and yet standing debtor to this +blockhead for a bone to stand on! Cursed be that mortal +inter-indebtedness which will not do away with ledgers. I would be free +as air; and I’m down in the whole world’s books. I am so rich, I could +have given bid for bid with the wealthiest Prætorians at the auction of +the Roman empire (which was the world’s); and yet I owe for the flesh +in the tongue I brag with. By heavens! I’ll get a crucible, and into +it, and dissolve myself down to one small, compendious vertebra. So. + +CARPENTER (_resuming his work_). + +Well, well, well! Stubb knows him best of all, and Stubb always says +he’s queer; says nothing but that one sufficient little word queer; +he’s queer, says Stubb; he’s queer—queer, queer; and keeps dinning it +into Mr. Starbuck all the time—queer—sir—queer, queer, very queer. And +here’s his leg! Yes, now that I think of it, here’s his bedfellow! has +a stick of whale’s jaw-bone for a wife! And this is his leg; he’ll +stand on this. What was that now about one leg standing in three +places, and all three places standing in one hell—how was that? Oh! I +don’t wonder he looked so scornful at me! I’m a sort of +strange-thoughted sometimes, they say; but that’s only haphazard-like. +Then, a short, little old body like me, should never undertake to wade +out into deep waters with tall, heron-built captains; the water chucks +you under the chin pretty quick, and there’s a great cry for +life-boats. And here’s the heron’s leg! long and slim, sure enough! +Now, for most folks one pair of legs lasts a lifetime, and that must be +because they use them mercifully, as a tender-hearted old lady uses her +roly-poly old coach-horses. But Ahab; oh he’s a hard driver. Look, +driven one leg to death, and spavined the other for life, and now wears +out bone legs by the cord. Halloa, there, you Smut! bear a hand there +with those screws, and let’s finish it before the resurrection fellow +comes a-calling with his horn for all legs, true or false, as +brewery-men go round collecting old beer barrels, to fill ’em up again. +What a leg this is! It looks like a real live leg, filed down to +nothing but the core; he’ll be standing on this to-morrow; he’ll be +taking altitudes on it. Halloa! I almost forgot the little oval slate, +smoothed ivory, where he figures up the latitude. So, so; chisel, file, +and sand-paper, now! + + +CHAPTER 109. Ahab and Starbuck in the Cabin. + +According to usage they were pumping the ship next morning; and lo! no +inconsiderable oil came up with the water; the casks below must have +sprung a bad leak. Much concern was shown; and Starbuck went down into +the cabin to report this unfavourable affair.* + +*In Sperm-whalemen with any considerable quantity of oil on board, it +is a regular semi-weekly duty to conduct a hose into the hold, and +drench the casks with sea-water; which afterwards, at varying +intervals, is removed by the ship’s pumps. Hereby the casks are sought +to be kept damply tight; while by the changed character of the +withdrawn water, the mariners readily detect any serious leakage in the +precious cargo. + +Now, from the South and West the Pequod was drawing nigh to Formosa and +the Bashee Isles, between which lies one of the tropical outlets from +the China waters into the Pacific. And so Starbuck found Ahab with a +general chart of the oriental archipelagoes spread before him; and +another separate one representing the long eastern coasts of the +Japanese islands—Niphon, Matsmai, and Sikoke. With his snow-white new +ivory leg braced against the screwed leg of his table, and with a long +pruning-hook of a jack-knife in his hand, the wondrous old man, with +his back to the gangway door, was wrinkling his brow, and tracing his +old courses again. + +“Who’s there?” hearing the footstep at the door, but not turning round +to it. “On deck! Begone!” + +“Captain Ahab mistakes; it is I. The oil in the hold is leaking, sir. +We must up Burtons and break out.” + +“Up Burtons and break out? Now that we are nearing Japan; heave-to here +for a week to tinker a parcel of old hoops?” + +“Either do that, sir, or waste in one day more oil than we may make +good in a year. What we come twenty thousand miles to get is worth +saving, sir.” + +“So it is, so it is; if we get it.” + +“I was speaking of the oil in the hold, sir.” + +“And I was not speaking or thinking of that at all. Begone! Let it +leak! I’m all aleak myself. Aye! leaks in leaks! not only full of leaky +casks, but those leaky casks are in a leaky ship; and that’s a far +worse plight than the Pequod’s, man. Yet I don’t stop to plug my leak; +for who can find it in the deep-loaded hull; or how hope to plug it, +even if found, in this life’s howling gale? Starbuck! I’ll not have the +Burtons hoisted.” + +“What will the owners say, sir?” + +“Let the owners stand on Nantucket beach and outyell the Typhoons. What +cares Ahab? Owners, owners? Thou art always prating to me, Starbuck, +about those miserly owners, as if the owners were my conscience. But +look ye, the only real owner of anything is its commander; and hark ye, +my conscience is in this ship’s keel.—On deck!” + +“Captain Ahab,” said the reddening mate, moving further into the cabin, +with a daring so strangely respectful and cautious that it almost +seemed not only every way seeking to avoid the slightest outward +manifestation of itself, but within also seemed more than half +distrustful of itself; “A better man than I might well pass over in +thee what he would quickly enough resent in a younger man; aye, and in +a happier, Captain Ahab.” + +“Devils! Dost thou then so much as dare to critically think of me?—On +deck!” + +“Nay, sir, not yet; I do entreat. And I do dare, sir—to be forbearing! +Shall we not understand each other better than hitherto, Captain Ahab?” + +Ahab seized a loaded musket from the rack (forming part of most +South-Sea-men’s cabin furniture), and pointing it towards Starbuck, +exclaimed: “There is one God that is Lord over the earth, and one +Captain that is lord over the Pequod.—On deck!” + +For an instant in the flashing eyes of the mate, and his fiery cheeks, +you would have almost thought that he had really received the blaze of +the levelled tube. But, mastering his emotion, he half calmly rose, and +as he quitted the cabin, paused for an instant and said: “Thou hast +outraged, not insulted me, sir; but for that I ask thee not to beware +of Starbuck; thou wouldst but laugh; but let Ahab beware of Ahab; +beware of thyself, old man.” + +“He waxes brave, but nevertheless obeys; most careful bravery that!” +murmured Ahab, as Starbuck disappeared. “What’s that he said—Ahab +beware of Ahab—there’s something there!” Then unconsciously using the +musket for a staff, with an iron brow he paced to and fro in the little +cabin; but presently the thick plaits of his forehead relaxed, and +returning the gun to the rack, he went to the deck. + +“Thou art but too good a fellow, Starbuck,” he said lowly to the mate; +then raising his voice to the crew: “Furl the t’gallant-sails, and +close-reef the top-sails, fore and aft; back the main-yard; up Burton, +and break out in the main-hold.” + +It were perhaps vain to surmise exactly why it was, that as respecting +Starbuck, Ahab thus acted. It may have been a flash of honesty in him; +or mere prudential policy which, under the circumstance, imperiously +forbade the slightest symptom of open disaffection, however transient, +in the important chief officer of his ship. However it was, his orders +were executed; and the Burtons were hoisted. + + +CHAPTER 110. Queequeg in His Coffin. + +Upon searching, it was found that the casks last struck into the hold +were perfectly sound, and that the leak must be further off. So, it +being calm weather, they broke out deeper and deeper, disturbing the +slumbers of the huge ground-tier butts; and from that black midnight +sending those gigantic moles into the daylight above. So deep did they +go; and so ancient, and corroded, and weedy the aspect of the lowermost +puncheons, that you almost looked next for some mouldy corner-stone +cask containing coins of Captain Noah, with copies of the posted +placards, vainly warning the infatuated old world from the flood. +Tierce after tierce, too, of water, and bread, and beef, and shooks of +staves, and iron bundles of hoops, were hoisted out, till at last the +piled decks were hard to get about; and the hollow hull echoed under +foot, as if you were treading over empty catacombs, and reeled and +rolled in the sea like an air-freighted demijohn. Top-heavy was the +ship as a dinnerless student with all Aristotle in his head. Well was +it that the Typhoons did not visit them then. + +Now, at this time it was that my poor pagan companion, and fast +bosom-friend, Queequeg, was seized with a fever, which brought him nigh +to his endless end. + +Be it said, that in this vocation of whaling, sinecures are unknown; +dignity and danger go hand in hand; till you get to be Captain, the +higher you rise the harder you toil. So with poor Queequeg, who, as +harpooneer, must not only face all the rage of the living whale, but—as +we have elsewhere seen—mount his dead back in a rolling sea; and +finally descend into the gloom of the hold, and bitterly sweating all +day in that subterraneous confinement, resolutely manhandle the +clumsiest casks and see to their stowage. To be short, among whalemen, +the harpooneers are the holders, so called. + +Poor Queequeg! when the ship was about half disembowelled, you should +have stooped over the hatchway, and peered down upon him there; where, +stripped to his woollen drawers, the tattooed savage was crawling about +amid that dampness and slime, like a green spotted lizard at the bottom +of a well. And a well, or an ice-house, it somehow proved to him, poor +pagan; where, strange to say, for all the heat of his sweatings, he +caught a terrible chill which lapsed into a fever; and at last, after +some days’ suffering, laid him in his hammock, close to the very sill +of the door of death. How he wasted and wasted away in those few +long-lingering days, till there seemed but little left of him but his +frame and tattooing. But as all else in him thinned, and his +cheek-bones grew sharper, his eyes, nevertheless, seemed growing fuller +and fuller; they became of a strange softness of lustre; and mildly but +deeply looked out at you there from his sickness, a wondrous testimony +to that immortal health in him which could not die, or be weakened. And +like circles on the water, which, as they grow fainter, expand; so his +eyes seemed rounding and rounding, like the rings of Eternity. An awe +that cannot be named would steal over you as you sat by the side of +this waning savage, and saw as strange things in his face, as any +beheld who were bystanders when Zoroaster died. For whatever is truly +wondrous and fearful in man, never yet was put into words or books. And +the drawing near of Death, which alike levels all, alike impresses all +with a last revelation, which only an author from the dead could +adequately tell. So that—let us say it again—no dying Chaldee or Greek +had higher and holier thoughts than those, whose mysterious shades you +saw creeping over the face of poor Queequeg, as he quietly lay in his +swaying hammock, and the rolling sea seemed gently rocking him to his +final rest, and the ocean’s invisible flood-tide lifted him higher and +higher towards his destined heaven. + +Not a man of the crew but gave him up; and, as for Queequeg himself, +what he thought of his case was forcibly shown by a curious favour he +asked. He called one to him in the grey morning watch, when the day was +just breaking, and taking his hand, said that while in Nantucket he had +chanced to see certain little canoes of dark wood, like the rich +war-wood of his native isle; and upon inquiry, he had learned that all +whalemen who died in Nantucket, were laid in those same dark canoes, +and that the fancy of being so laid had much pleased him; for it was +not unlike the custom of his own race, who, after embalming a dead +warrior, stretched him out in his canoe, and so left him to be floated +away to the starry archipelagoes; for not only do they believe that the +stars are isles, but that far beyond all visible horizons, their own +mild, uncontinented seas, interflow with the blue heavens; and so form +the white breakers of the milky way. He added, that he shuddered at the +thought of being buried in his hammock, according to the usual +sea-custom, tossed like something vile to the death-devouring sharks. +No: he desired a canoe like those of Nantucket, all the more congenial +to him, being a whaleman, that like a whale-boat these coffin-canoes +were without a keel; though that involved but uncertain steering, and +much lee-way adown the dim ages. + +Now, when this strange circumstance was made known aft, the carpenter +was at once commanded to do Queequeg’s bidding, whatever it might +include. There was some heathenish, coffin-coloured old lumber aboard, +which, upon a long previous voyage, had been cut from the aboriginal +groves of the Lackaday islands, and from these dark planks the coffin +was recommended to be made. No sooner was the carpenter apprised of the +order, than taking his rule, he forthwith with all the indifferent +promptitude of his character, proceeded into the forecastle and took +Queequeg’s measure with great accuracy, regularly chalking Queequeg’s +person as he shifted the rule. + +“Ah! poor fellow! he’ll have to die now,” ejaculated the Long Island +sailor. + +Going to his vice-bench, the carpenter for convenience sake and general +reference, now transferringly measured on it the exact length the +coffin was to be, and then made the transfer permanent by cutting two +notches at its extremities. This done, he marshalled the planks and his +tools, and to work. + +When the last nail was driven, and the lid duly planed and fitted, he +lightly shouldered the coffin and went forward with it, inquiring +whether they were ready for it yet in that direction. + +Overhearing the indignant but half-humorous cries with which the people +on deck began to drive the coffin away, Queequeg, to every one’s +consternation, commanded that the thing should be instantly brought to +him, nor was there any denying him; seeing that, of all mortals, some +dying men are the most tyrannical; and certainly, since they will +shortly trouble us so little for evermore, the poor fellows ought to be +indulged. + +Leaning over in his hammock, Queequeg long regarded the coffin with an +attentive eye. He then called for his harpoon, had the wooden stock +drawn from it, and then had the iron part placed in the coffin along +with one of the paddles of his boat. All by his own request, also, +biscuits were then ranged round the sides within: a flask of fresh +water was placed at the head, and a small bag of woody earth scraped up +in the hold at the foot; and a piece of sail-cloth being rolled up for +a pillow, Queequeg now entreated to be lifted into his final bed, that +he might make trial of its comforts, if any it had. He lay without +moving a few minutes, then told one to go to his bag and bring out his +little god, Yojo. Then crossing his arms on his breast with Yojo +between, he called for the coffin lid (hatch he called it) to be placed +over him. The head part turned over with a leather hinge, and there lay +Queequeg in his coffin with little but his composed countenance in +view. “Rarmai” (it will do; it is easy), he murmured at last, and +signed to be replaced in his hammock. + +But ere this was done, Pip, who had been slily hovering near by all +this while, drew nigh to him where he lay, and with soft sobbings, took +him by the hand; in the other, holding his tambourine. + +“Poor rover! will ye never have done with all this weary roving? where +go ye now? But if the currents carry ye to those sweet Antilles where +the beaches are only beat with water-lilies, will ye do one little +errand for me? Seek out one Pip, who’s now been missing long: I think +he’s in those far Antilles. If ye find him, then comfort him; for he +must be very sad; for look! he’s left his tambourine behind;—I found +it. Rig-a-dig, dig, dig! Now, Queequeg, die; and I’ll beat ye your +dying march.” + +“I have heard,” murmured Starbuck, gazing down the scuttle, “that in +violent fevers, men, all ignorance, have talked in ancient tongues; and +that when the mystery is probed, it turns out always that in their +wholly forgotten childhood those ancient tongues had been really spoken +in their hearing by some lofty scholars. So, to my fond faith, poor +Pip, in this strange sweetness of his lunacy, brings heavenly vouchers +of all our heavenly homes. Where learned he that, but there?—Hark! he +speaks again: but more wildly now.” + +“Form two and two! Let’s make a General of him! Ho, where’s his +harpoon? Lay it across here.—Rig-a-dig, dig, dig! huzza! Oh for a game +cock now to sit upon his head and crow! Queequeg dies game!—mind ye +that; Queequeg dies game!—take ye good heed of that; Queequeg dies +game! I say; game, game, game! but base little Pip, he died a coward; +died all a’shiver;—out upon Pip! Hark ye; if ye find Pip, tell all the +Antilles he’s a runaway; a coward, a coward, a coward! Tell them he +jumped from a whale-boat! I’d never beat my tambourine over base Pip, +and hail him General, if he were once more dying here. No, no! shame +upon all cowards—shame upon them! Let ’em go drown like Pip, that +jumped from a whale-boat. Shame! shame!” + +During all this, Queequeg lay with closed eyes, as if in a dream. Pip +was led away, and the sick man was replaced in his hammock. + +But now that he had apparently made every preparation for death; now +that his coffin was proved a good fit, Queequeg suddenly rallied; soon +there seemed no need of the carpenter’s box: and thereupon, when some +expressed their delighted surprise, he, in substance, said, that the +cause of his sudden convalescence was this;—at a critical moment, he +had just recalled a little duty ashore, which he was leaving undone; +and therefore had changed his mind about dying: he could not die yet, +he averred. They asked him, then, whether to live or die was a matter +of his own sovereign will and pleasure. He answered, certainly. In a +word, it was Queequeg’s conceit, that if a man made up his mind to +live, mere sickness could not kill him: nothing but a whale, or a gale, +or some violent, ungovernable, unintelligent destroyer of that sort. + +Now, there is this noteworthy difference between savage and civilized; +that while a sick, civilized man may be six months convalescing, +generally speaking, a sick savage is almost half-well again in a day. +So, in good time my Queequeg gained strength; and at length after +sitting on the windlass for a few indolent days (but eating with a +vigorous appetite) he suddenly leaped to his feet, threw out his arms +and legs, gave himself a good stretching, yawned a little bit, and then +springing into the head of his hoisted boat, and poising a harpoon, +pronounced himself fit for a fight. + +With a wild whimsiness, he now used his coffin for a sea-chest; and +emptying into it his canvas bag of clothes, set them in order there. +Many spare hours he spent, in carving the lid with all manner of +grotesque figures and drawings; and it seemed that hereby he was +striving, in his rude way, to copy parts of the twisted tattooing on +his body. And this tattooing had been the work of a departed prophet +and seer of his island, who, by those hieroglyphic marks, had written +out on his body a complete theory of the heavens and the earth, and a +mystical treatise on the art of attaining truth; so that Queequeg in +his own proper person was a riddle to unfold; a wondrous work in one +volume; but whose mysteries not even himself could read, though his own +live heart beat against them; and these mysteries were therefore +destined in the end to moulder away with the living parchment whereon +they were inscribed, and so be unsolved to the last. And this thought +it must have been which suggested to Ahab that wild exclamation of his, +when one morning turning away from surveying poor Queequeg—“Oh, +devilish tantalization of the gods!” + + +CHAPTER 111. The Pacific. + +When gliding by the Bashee isles we emerged at last upon the great +South Sea; were it not for other things, I could have greeted my dear +Pacific with uncounted thanks, for now the long supplication of my +youth was answered; that serene ocean rolled eastwards from me a +thousand leagues of blue. + +There is, one knows not what sweet mystery about this sea, whose gently +awful stirrings seem to speak of some hidden soul beneath; like those +fabled undulations of the Ephesian sod over the buried Evangelist St. +John. And meet it is, that over these sea-pastures, wide-rolling watery +prairies and Potters’ Fields of all four continents, the waves should +rise and fall, and ebb and flow unceasingly; for here, millions of +mixed shades and shadows, drowned dreams, somnambulisms, reveries; all +that we call lives and souls, lie dreaming, dreaming, still; tossing +like slumberers in their beds; the ever-rolling waves but made so by +their restlessness. + +To any meditative Magian rover, this serene Pacific, once beheld, must +ever after be the sea of his adoption. It rolls the midmost waters of +the world, the Indian ocean and Atlantic being but its arms. The same +waves wash the moles of the new-built Californian towns, but yesterday +planted by the recentest race of men, and lave the faded but still +gorgeous skirts of Asiatic lands, older than Abraham; while all between +float milky-ways of coral isles, and low-lying, endless, unknown +Archipelagoes, and impenetrable Japans. Thus this mysterious, divine +Pacific zones the world’s whole bulk about; makes all coasts one bay to +it; seems the tide-beating heart of earth. Lifted by those eternal +swells, you needs must own the seductive god, bowing your head to Pan. + +But few thoughts of Pan stirred Ahab’s brain, as standing like an iron +statue at his accustomed place beside the mizen rigging, with one +nostril he unthinkingly snuffed the sugary musk from the Bashee isles +(in whose sweet woods mild lovers must be walking), and with the other +consciously inhaled the salt breath of the new found sea; that sea in +which the hated White Whale must even then be swimming. Launched at +length upon these almost final waters, and gliding towards the Japanese +cruising-ground, the old man’s purpose intensified itself. His firm +lips met like the lips of a vice; the Delta of his forehead’s veins +swelled like overladen brooks; in his very sleep, his ringing cry ran +through the vaulted hull, “Stern all! the White Whale spouts thick +blood!” + + +CHAPTER 112. The Blacksmith. + +Availing himself of the mild, summer-cool weather that now reigned in +these latitudes, and in preparation for the peculiarly active pursuits +shortly to be anticipated, Perth, the begrimed, blistered old +blacksmith, had not removed his portable forge to the hold again, after +concluding his contributory work for Ahab’s leg, but still retained it +on deck, fast lashed to ringbolts by the foremast; being now almost +incessantly invoked by the headsmen, and harpooneers, and bowsmen to do +some little job for them; altering, or repairing, or new shaping their +various weapons and boat furniture. Often he would be surrounded by an +eager circle, all waiting to be served; holding boat-spades, +pike-heads, harpoons, and lances, and jealously watching his every +sooty movement, as he toiled. Nevertheless, this old man’s was a +patient hammer wielded by a patient arm. No murmur, no impatience, no +petulance did come from him. Silent, slow, and solemn; bowing over +still further his chronically broken back, he toiled away, as if toil +were life itself, and the heavy beating of his hammer the heavy beating +of his heart. And so it was.—Most miserable! + +A peculiar walk in this old man, a certain slight but painful appearing +yawing in his gait, had at an early period of the voyage excited the +curiosity of the mariners. And to the importunity of their persisted +questionings he had finally given in; and so it came to pass that every +one now knew the shameful story of his wretched fate. + +Belated, and not innocently, one bitter winter’s midnight, on the road +running between two country towns, the blacksmith half-stupidly felt +the deadly numbness stealing over him, and sought refuge in a leaning, +dilapidated barn. The issue was, the loss of the extremities of both +feet. Out of this revelation, part by part, at last came out the four +acts of the gladness, and the one long, and as yet uncatastrophied +fifth act of the grief of his life’s drama. + +He was an old man, who, at the age of nearly sixty, had postponedly +encountered that thing in sorrow’s technicals called ruin. He had been +an artisan of famed excellence, and with plenty to do; owned a house +and garden; embraced a youthful, daughter-like, loving wife, and three +blithe, ruddy children; every Sunday went to a cheerful-looking church, +planted in a grove. But one night, under cover of darkness, and further +concealed in a most cunning disguisement, a desperate burglar slid into +his happy home, and robbed them all of everything. And darker yet to +tell, the blacksmith himself did ignorantly conduct this burglar into +his family’s heart. It was the Bottle Conjuror! Upon the opening of +that fatal cork, forth flew the fiend, and shrivelled up his home. Now, +for prudent, most wise, and economic reasons, the blacksmith’s shop was +in the basement of his dwelling, but with a separate entrance to it; so +that always had the young and loving healthy wife listened with no +unhappy nervousness, but with vigorous pleasure, to the stout ringing +of her young-armed old husband’s hammer; whose reverberations, muffled +by passing through the floors and walls, came up to her, not unsweetly, +in her nursery; and so, to stout Labor’s iron lullaby, the blacksmith’s +infants were rocked to slumber. + +Oh, woe on woe! Oh, Death, why canst thou not sometimes be timely? +Hadst thou taken this old blacksmith to thyself ere his full ruin came +upon him, then had the young widow had a delicious grief, and her +orphans a truly venerable, legendary sire to dream of in their after +years; and all of them a care-killing competency. But Death plucked +down some virtuous elder brother, on whose whistling daily toil solely +hung the responsibilities of some other family, and left the worse than +useless old man standing, till the hideous rot of life should make him +easier to harvest. + +Why tell the whole? The blows of the basement hammer every day grew +more and more between; and each blow every day grew fainter than the +last; the wife sat frozen at the window, with tearless eyes, +glitteringly gazing into the weeping faces of her children; the bellows +fell; the forge choked up with cinders; the house was sold; the mother +dived down into the long church-yard grass; her children twice followed +her thither; and the houseless, familyless old man staggered off a +vagabond in crape; his every woe unreverenced; his grey head a scorn to +flaxen curls! + +Death seems the only desirable sequel for a career like this; but Death +is only a launching into the region of the strange Untried; it is but +the first salutation to the possibilities of the immense Remote, the +Wild, the Watery, the Unshored; therefore, to the death-longing eyes of +such men, who still have left in them some interior compunctions +against suicide, does the all-contributed and all-receptive ocean +alluringly spread forth his whole plain of unimaginable, taking +terrors, and wonderful, new-life adventures; and from the hearts of +infinite Pacifics, the thousand mermaids sing to them—“Come hither, +broken-hearted; here is another life without the guilt of intermediate +death; here are wonders supernatural, without dying for them. Come +hither! bury thyself in a life which, to your now equally abhorred and +abhorring, landed world, is more oblivious than death. Come hither! put +up _thy_ gravestone, too, within the churchyard, and come hither, till +we marry thee!” + +Hearkening to these voices, East and West, by early sunrise, and by +fall of eve, the blacksmith’s soul responded, Aye, I come! And so Perth +went a-whaling. + + +CHAPTER 113. The Forge. + +With matted beard, and swathed in a bristling shark-skin apron, about +mid-day, Perth was standing between his forge and anvil, the latter +placed upon an iron-wood log, with one hand holding a pike-head in the +coals, and with the other at his forge’s lungs, when Captain Ahab came +along, carrying in his hand a small rusty-looking leathern bag. While +yet a little distance from the forge, moody Ahab paused; till at last, +Perth, withdrawing his iron from the fire, began hammering it upon the +anvil—the red mass sending off the sparks in thick hovering flights, +some of which flew close to Ahab. + +“Are these thy Mother Carey’s chickens, Perth? they are always flying +in thy wake; birds of good omen, too, but not to all;—look here, they +burn; but thou—thou liv’st among them without a scorch.” + +“Because I am scorched all over, Captain Ahab,” answered Perth, resting +for a moment on his hammer; “I am past scorching; not easily can’st +thou scorch a scar.” + +“Well, well; no more. Thy shrunk voice sounds too calmly, sanely woeful +to me. In no Paradise myself, I am impatient of all misery in others +that is not mad. Thou should’st go mad, blacksmith; say, why dost thou +not go mad? How can’st thou endure without being mad? Do the heavens +yet hate thee, that thou can’st not go mad?—What wert thou making +there?” + +“Welding an old pike-head, sir; there were seams and dents in it.” + +“And can’st thou make it all smooth again, blacksmith, after such hard +usage as it had?” + +“I think so, sir.” + +“And I suppose thou can’st smoothe almost any seams and dents; never +mind how hard the metal, blacksmith?” + +“Aye, sir, I think I can; all seams and dents but one.” + +“Look ye here, then,” cried Ahab, passionately advancing, and leaning +with both hands on Perth’s shoulders; “look ye here—_here_—can ye +smoothe out a seam like this, blacksmith,” sweeping one hand across his +ribbed brow; “if thou could’st, blacksmith, glad enough would I lay my +head upon thy anvil, and feel thy heaviest hammer between my eyes. +Answer! Can’st thou smoothe this seam?” + +“Oh! that is the one, sir! Said I not all seams and dents but one?” + +“Aye, blacksmith, it is the one; aye, man, it is unsmoothable; for +though thou only see’st it here in my flesh, it has worked down into +the bone of my skull—_that_ is all wrinkles! But, away with child’s +play; no more gaffs and pikes to-day. Look ye here!” jingling the +leathern bag, as if it were full of gold coins. “I, too, want a harpoon +made; one that a thousand yoke of fiends could not part, Perth; +something that will stick in a whale like his own fin-bone. There’s the +stuff,” flinging the pouch upon the anvil. “Look ye, blacksmith, these +are the gathered nail-stubbs of the steel shoes of racing horses.” + +“Horse-shoe stubbs, sir? Why, Captain Ahab, thou hast here, then, the +best and stubbornest stuff we blacksmiths ever work.” + +“I know it, old man; these stubbs will weld together like glue from the +melted bones of murderers. Quick! forge me the harpoon. And forge me +first, twelve rods for its shank; then wind, and twist, and hammer +these twelve together like the yarns and strands of a tow-line. Quick! +I’ll blow the fire.” + +When at last the twelve rods were made, Ahab tried them, one by one, by +spiralling them, with his own hand, round a long, heavy iron bolt. “A +flaw!” rejecting the last one. “Work that over again, Perth.” + +This done, Perth was about to begin welding the twelve into one, when +Ahab stayed his hand, and said he would weld his own iron. As, then, +with regular, gasping hems, he hammered on the anvil, Perth passing to +him the glowing rods, one after the other, and the hard pressed forge +shooting up its intense straight flame, the Parsee passed silently, and +bowing over his head towards the fire, seemed invoking some curse or +some blessing on the toil. But, as Ahab looked up, he slid aside. + +“What’s that bunch of lucifers dodging about there for?” muttered +Stubb, looking on from the forecastle. “That Parsee smells fire like a +fusee; and smells of it himself, like a hot musket’s powder-pan.” + +At last the shank, in one complete rod, received its final heat; and as +Perth, to temper it, plunged it all hissing into the cask of water near +by, the scalding steam shot up into Ahab’s bent face. + +“Would’st thou brand me, Perth?” wincing for a moment with the pain; +“have I been but forging my own branding-iron, then?” + +“Pray God, not that; yet I fear something, Captain Ahab. Is not this +harpoon for the White Whale?” + +“For the white fiend! But now for the barbs; thou must make them +thyself, man. Here are my razors—the best of steel; here, and make the +barbs sharp as the needle-sleet of the Icy Sea.” + +For a moment, the old blacksmith eyed the razors as though he would +fain not use them. + +“Take them, man, I have no need for them; for I now neither shave, sup, +nor pray till—but here—to work!” + +Fashioned at last into an arrowy shape, and welded by Perth to the +shank, the steel soon pointed the end of the iron; and as the +blacksmith was about giving the barbs their final heat, prior to +tempering them, he cried to Ahab to place the water-cask near. + +“No, no—no water for that; I want it of the true death-temper. Ahoy, +there! Tashtego, Queequeg, Daggoo! What say ye, pagans! Will ye give me +as much blood as will cover this barb?” holding it high up. A cluster +of dark nods replied, Yes. Three punctures were made in the heathen +flesh, and the White Whale’s barbs were then tempered. + +“Ego non baptizo te in nomine patris, sed in nomine diaboli!” +deliriously howled Ahab, as the malignant iron scorchingly devoured the +baptismal blood. + +Now, mustering the spare poles from below, and selecting one of +hickory, with the bark still investing it, Ahab fitted the end to the +socket of the iron. A coil of new tow-line was then unwound, and some +fathoms of it taken to the windlass, and stretched to a great tension. +Pressing his foot upon it, till the rope hummed like a harp-string, +then eagerly bending over it, and seeing no strandings, Ahab exclaimed, +“Good! and now for the seizings.” + +At one extremity the rope was unstranded, and the separate spread yarns +were all braided and woven round the socket of the harpoon; the pole +was then driven hard up into the socket; from the lower end the rope +was traced half-way along the pole’s length, and firmly secured so, +with intertwistings of twine. This done, pole, iron, and rope—like the +Three Fates—remained inseparable, and Ahab moodily stalked away with +the weapon; the sound of his ivory leg, and the sound of the hickory +pole, both hollowly ringing along every plank. But ere he entered his +cabin, light, unnatural, half-bantering, yet most piteous sound was +heard. Oh, Pip! thy wretched laugh, thy idle but unresting eye; all thy +strange mummeries not unmeaningly blended with the black tragedy of the +melancholy ship, and mocked it! + + +CHAPTER 114. The Gilder. + +Penetrating further and further into the heart of the Japanese cruising +ground, the Pequod was soon all astir in the fishery. Often, in mild, +pleasant weather, for twelve, fifteen, eighteen, and twenty hours on +the stretch, they were engaged in the boats, steadily pulling, or +sailing, or paddling after the whales, or for an interlude of sixty or +seventy minutes calmly awaiting their uprising; though with but small +success for their pains. + +At such times, under an abated sun; afloat all day upon smooth, slow +heaving swells; seated in his boat, light as a birch canoe; and so +sociably mixing with the soft waves themselves, that like hearth-stone +cats they purr against the gunwale; these are the times of dreamy +quietude, when beholding the tranquil beauty and brilliancy of the +ocean’s skin, one forgets the tiger heart that pants beneath it; and +would not willingly remember, that this velvet paw but conceals a +remorseless fang. + +These are the times, when in his whale-boat the rover softly feels a +certain filial, confident, land-like feeling towards the sea; that he +regards it as so much flowery earth; and the distant ship revealing +only the tops of her masts, seems struggling forward, not through high +rolling waves, but through the tall grass of a rolling prairie: as when +the western emigrants’ horses only show their erected ears, while their +hidden bodies widely wade through the amazing verdure. + +The long-drawn virgin vales; the mild blue hill-sides; as over these +there steals the hush, the hum; you almost swear that play-wearied +children lie sleeping in these solitudes, in some glad May-time, when +the flowers of the woods are plucked. And all this mixes with your most +mystic mood; so that fact and fancy, half-way meeting, interpenetrate, +and form one seamless whole. + +Nor did such soothing scenes, however temporary, fail of at least as +temporary an effect on Ahab. But if these secret golden keys did seem +to open in him his own secret golden treasuries, yet did his breath +upon them prove but tarnishing. + +Oh, grassy glades! oh, ever vernal endless landscapes in the soul; in +ye,—though long parched by the dead drought of the earthy life,—in ye, +men yet may roll, like young horses in new morning clover; and for some +few fleeting moments, feel the cool dew of the life immortal on them. +Would to God these blessed calms would last. But the mingled, mingling +threads of life are woven by warp and woof: calms crossed by storms, a +storm for every calm. There is no steady unretracing progress in this +life; we do not advance through fixed gradations, and at the last one +pause:—through infancy’s unconscious spell, boyhood’s thoughtless +faith, adolescence’ doubt (the common doom), then scepticism, then +disbelief, resting at last in manhood’s pondering repose of If. But +once gone through, we trace the round again; and are infants, boys, and +men, and Ifs eternally. Where lies the final harbor, whence we unmoor +no more? In what rapt ether sails the world, of which the weariest will +never weary? Where is the foundling’s father hidden? Our souls are like +those orphans whose unwedded mothers die in bearing them: the secret of +our paternity lies in their grave, and we must there to learn it. + +And that same day, too, gazing far down from his boat’s side into that +same golden sea, Starbuck lowly murmured:— + +“Loveliness unfathomable, as ever lover saw in his young bride’s +eye!—Tell me not of thy teeth-tiered sharks, and thy kidnapping +cannibal ways. Let faith oust fact; let fancy oust memory; I look deep +down and do believe.” + +And Stubb, fish-like, with sparkling scales, leaped up in that same +golden light:— + +“I am Stubb, and Stubb has his history; but here Stubb takes oaths that +he has always been jolly!” + + +CHAPTER 115. The Pequod Meets The Bachelor. + +And jolly enough were the sights and the sounds that came bearing down +before the wind, some few weeks after Ahab’s harpoon had been welded. + +It was a Nantucket ship, the Bachelor, which had just wedged in her +last cask of oil, and bolted down her bursting hatches; and now, in +glad holiday apparel, was joyously, though somewhat vain-gloriously, +sailing round among the widely-separated ships on the ground, previous +to pointing her prow for home. + +The three men at her mast-head wore long streamers of narrow red +bunting at their hats; from the stern, a whale-boat was suspended, +bottom down; and hanging captive from the bowsprit was seen the long +lower jaw of the last whale they had slain. Signals, ensigns, and jacks +of all colours were flying from her rigging, on every side. Sideways +lashed in each of her three basketed tops were two barrels of sperm; +above which, in her top-mast cross-trees, you saw slender breakers of +the same precious fluid; and nailed to her main truck was a brazen +lamp. + +As was afterwards learned, the Bachelor had met with the most +surprising success; all the more wonderful, for that while cruising in +the same seas numerous other vessels had gone entire months without +securing a single fish. Not only had barrels of beef and bread been +given away to make room for the far more valuable sperm, but additional +supplemental casks had been bartered for, from the ships she had met; +and these were stowed along the deck, and in the captain’s and +officers’ state-rooms. Even the cabin table itself had been knocked +into kindling-wood; and the cabin mess dined off the broad head of an +oil-butt, lashed down to the floor for a centrepiece. In the +forecastle, the sailors had actually caulked and pitched their chests, +and filled them; it was humorously added, that the cook had clapped a +head on his largest boiler, and filled it; that the steward had plugged +his spare coffee-pot and filled it; that the harpooneers had headed the +sockets of their irons and filled them; that indeed everything was +filled with sperm, except the captain’s pantaloons pockets, and those +he reserved to thrust his hands into, in self-complacent testimony of +his entire satisfaction. + +As this glad ship of good luck bore down upon the moody Pequod, the +barbarian sound of enormous drums came from her forecastle; and drawing +still nearer, a crowd of her men were seen standing round her huge +try-pots, which, covered with the parchment-like _poke_ or stomach skin +of the black fish, gave forth a loud roar to every stroke of the +clenched hands of the crew. On the quarter-deck, the mates and +harpooneers were dancing with the olive-hued girls who had eloped with +them from the Polynesian Isles; while suspended in an ornamented boat, +firmly secured aloft between the foremast and mainmast, three Long +Island negroes, with glittering fiddle-bows of whale ivory, were +presiding over the hilarious jig. Meanwhile, others of the ship’s +company were tumultuously busy at the masonry of the try-works, from +which the huge pots had been removed. You would have almost thought +they were pulling down the cursed Bastille, such wild cries they +raised, as the now useless brick and mortar were being hurled into the +sea. + +Lord and master over all this scene, the captain stood erect on the +ship’s elevated quarter-deck, so that the whole rejoicing drama was +full before him, and seemed merely contrived for his own individual +diversion. + +And Ahab, he too was standing on his quarter-deck, shaggy and black, +with a stubborn gloom; and as the two ships crossed each other’s +wakes—one all jubilations for things passed, the other all forebodings +as to things to come—their two captains in themselves impersonated the +whole striking contrast of the scene. + +“Come aboard, come aboard!” cried the gay Bachelor’s commander, lifting +a glass and a bottle in the air. + +“Hast seen the White Whale?” gritted Ahab in reply. + +“No; only heard of him; but don’t believe in him at all,” said the +other good-humoredly. “Come aboard!” + +“Thou art too damned jolly. Sail on. Hast lost any men?” + +“Not enough to speak of—two islanders, that’s all;—but come aboard, old +hearty, come along. I’ll soon take that black from your brow. Come +along, will ye (merry’s the play); a full ship and homeward-bound.” + +“How wondrous familiar is a fool!” muttered Ahab; then aloud, “Thou art +a full ship and homeward bound, thou sayst; well, then, call me an +empty ship, and outward-bound. So go thy ways, and I will mine. Forward +there! Set all sail, and keep her to the wind!” + +And thus, while the one ship went cheerily before the breeze, the other +stubbornly fought against it; and so the two vessels parted; the crew +of the Pequod looking with grave, lingering glances towards the +receding Bachelor; but the Bachelor’s men never heeding their gaze for +the lively revelry they were in. And as Ahab, leaning over the +taffrail, eyed the homeward-bound craft, he took from his pocket a +small vial of sand, and then looking from the ship to the vial, seemed +thereby bringing two remote associations together, for that vial was +filled with Nantucket soundings. + + +CHAPTER 116. The Dying Whale. + +Not seldom in this life, when, on the right side, fortune’s favourites +sail close by us, we, though all adroop before, catch somewhat of the +rushing breeze, and joyfully feel our bagging sails fill out. So seemed +it with the Pequod. For next day after encountering the gay Bachelor, +whales were seen and four were slain; and one of them by Ahab. + +It was far down the afternoon; and when all the spearings of the +crimson fight were done: and floating in the lovely sunset sea and sky, +sun and whale both stilly died together; then, such a sweetness and +such plaintiveness, such inwreathing orisons curled up in that rosy +air, that it almost seemed as if far over from the deep green convent +valleys of the Manilla isles, the Spanish land-breeze, wantonly turned +sailor, had gone to sea, freighted with these vesper hymns. + +Soothed again, but only soothed to deeper gloom, Ahab, who had sterned +off from the whale, sat intently watching his final wanings from the +now tranquil boat. For that strange spectacle observable in all sperm +whales dying—the turning sunwards of the head, and so expiring—that +strange spectacle, beheld of such a placid evening, somehow to Ahab +conveyed a wondrousness unknown before. + +“He turns and turns him to it,—how slowly, but how steadfastly, his +homage-rendering and invoking brow, with his last dying motions. He too +worships fire; most faithful, broad, baronial vassal of the sun!—Oh +that these too-favouring eyes should see these too-favouring sights. +Look! here, far water-locked; beyond all hum of human weal or woe; in +these most candid and impartial seas; where to traditions no rocks +furnish tablets; where for long Chinese ages, the billows have still +rolled on speechless and unspoken to, as stars that shine upon the +Niger’s unknown source; here, too, life dies sunwards full of faith; +but see! no sooner dead, than death whirls round the corpse, and it +heads some other way. + +“Oh, thou dark Hindoo half of nature, who of drowned bones hast builded +thy separate throne somewhere in the heart of these unverdured seas; +thou art an infidel, thou queen, and too truly speakest to me in the +wide-slaughtering Typhoon, and the hushed burial of its after calm. Nor +has this thy whale sunwards turned his dying head, and then gone round +again, without a lesson to me. + +“Oh, trebly hooped and welded hip of power! Oh, high aspiring, +rainbowed jet!—that one strivest, this one jettest all in vain! In +vain, oh whale, dost thou seek intercedings with yon all-quickening +sun, that only calls forth life, but gives it not again. Yet dost thou, +darker half, rock me with a prouder, if a darker faith. All thy +unnamable imminglings float beneath me here; I am buoyed by breaths of +once living things, exhaled as air, but water now. + +“Then hail, for ever hail, O sea, in whose eternal tossings the wild +fowl finds his only rest. Born of earth, yet suckled by the sea; though +hill and valley mothered me, ye billows are my foster-brothers!” + + +CHAPTER 117. The Whale Watch. + +The four whales slain that evening had died wide apart; one, far to +windward; one, less distant, to leeward; one ahead; one astern. These +last three were brought alongside ere nightfall; but the windward one +could not be reached till morning; and the boat that had killed it lay +by its side all night; and that boat was Ahab’s. + +The waif-pole was thrust upright into the dead whale’s spout-hole; and +the lantern hanging from its top, cast a troubled flickering glare upon +the black, glossy back, and far out upon the midnight waves, which +gently chafed the whale’s broad flank, like soft surf upon a beach. + +Ahab and all his boat’s crew seemed asleep but the Parsee; who +crouching in the bow, sat watching the sharks, that spectrally played +round the whale, and tapped the light cedar planks with their tails. A +sound like the moaning in squadrons over Asphaltites of unforgiven +ghosts of Gomorrah, ran shuddering through the air. + +Started from his slumbers, Ahab, face to face, saw the Parsee; and +hooped round by the gloom of the night they seemed the last men in a +flooded world. “I have dreamed it again,” said he. + +“Of the hearses? Have I not said, old man, that neither hearse nor +coffin can be thine?” + +“And who are hearsed that die on the sea?” + +“But I said, old man, that ere thou couldst die on this voyage, two +hearses must verily be seen by thee on the sea; the first not made by +mortal hands; and the visible wood of the last one must be grown in +America.” + +“Aye, aye! a strange sight that, Parsee:—a hearse and its plumes +floating over the ocean with the waves for the pall-bearers. Ha! Such a +sight we shall not soon see.” + +“Believe it or not, thou canst not die till it be seen, old man.” + +“And what was that saying about thyself?” + +“Though it come to the last, I shall still go before thee thy pilot.” + +“And when thou art so gone before—if that ever befall—then ere I can +follow, thou must still appear to me, to pilot me still?—Was it not so? +Well, then, did I believe all ye say, oh my pilot! I have here two +pledges that I shall yet slay Moby Dick and survive it.” + +“Take another pledge, old man,” said the Parsee, as his eyes lighted up +like fire-flies in the gloom—“Hemp only can kill thee.” + +“The gallows, ye mean.—I am immortal then, on land and on sea,” cried +Ahab, with a laugh of derision;—“Immortal on land and on sea!” + +Both were silent again, as one man. The grey dawn came on, and the +slumbering crew arose from the boat’s bottom, and ere noon the dead +whale was brought to the ship. + + +CHAPTER 118. The Quadrant. + +The season for the Line at length drew near; and every day when Ahab, +coming from his cabin, cast his eyes aloft, the vigilant helmsman would +ostentatiously handle his spokes, and the eager mariners quickly run to +the braces, and would stand there with all their eyes centrally fixed +on the nailed doubloon; impatient for the order to point the ship’s +prow for the equator. In good time the order came. It was hard upon +high noon; and Ahab, seated in the bows of his high-hoisted boat, was +about taking his wonted daily observation of the sun to determine his +latitude. + +Now, in that Japanese sea, the days in summer are as freshets of +effulgences. That unblinkingly vivid Japanese sun seems the blazing +focus of the glassy ocean’s immeasurable burning-glass. The sky looks +lacquered; clouds there are none; the horizon floats; and this +nakedness of unrelieved radiance is as the insufferable splendors of +God’s throne. Well that Ahab’s quadrant was furnished with coloured +glasses, through which to take sight of that solar fire. So, swinging +his seated form to the roll of the ship, and with his +astrological-looking instrument placed to his eye, he remained in that +posture for some moments to catch the precise instant when the sun +should gain its precise meridian. Meantime while his whole attention +was absorbed, the Parsee was kneeling beneath him on the ship’s deck, +and with face thrown up like Ahab’s, was eyeing the same sun with him; +only the lids of his eyes half hooded their orbs, and his wild face was +subdued to an earthly passionlessness. At length the desired +observation was taken; and with his pencil upon his ivory leg, Ahab +soon calculated what his latitude must be at that precise instant. Then +falling into a moment’s revery, he again looked up towards the sun and +murmured to himself: “Thou sea-mark! thou high and mighty Pilot! thou +tellest me truly where I _am_—but canst thou cast the least hint where +I _shall_ be? Or canst thou tell where some other thing besides me is +this moment living? Where is Moby Dick? This instant thou must be +eyeing him. These eyes of mine look into the very eye that is even now +beholding him; aye, and into the eye that is even now equally beholding +the objects on the unknown, thither side of thee, thou sun!” + +Then gazing at his quadrant, and handling, one after the other, its +numerous cabalistical contrivances, he pondered again, and muttered: +“Foolish toy! babies’ plaything of haughty Admirals, and Commodores, +and Captains; the world brags of thee, of thy cunning and might; but +what after all canst thou do, but tell the poor, pitiful point, where +thou thyself happenest to be on this wide planet, and the hand that +holds thee: no! not one jot more! Thou canst not tell where one drop of +water or one grain of sand will be to-morrow noon; and yet with thy +impotence thou insultest the sun! Science! Curse thee, thou vain toy; +and cursed be all the things that cast man’s eyes aloft to that heaven, +whose live vividness but scorches him, as these old eyes are even now +scorched with thy light, O sun! Level by nature to this earth’s horizon +are the glances of man’s eyes; not shot from the crown of his head, as +if God had meant him to gaze on his firmament. Curse thee, thou +quadrant!” dashing it to the deck, “no longer will I guide my earthly +way by thee; the level ship’s compass, and the level dead-reckoning, by +log and by line; _these_ shall conduct me, and show me my place on the +sea. Aye,” lighting from the boat to the deck, “thus I trample on thee, +thou paltry thing that feebly pointest on high; thus I split and +destroy thee!” + +As the frantic old man thus spoke and thus trampled with his live and +dead feet, a sneering triumph that seemed meant for Ahab, and a +fatalistic despair that seemed meant for himself—these passed over the +mute, motionless Parsee’s face. Unobserved he rose and glided away; +while, awestruck by the aspect of their commander, the seamen clustered +together on the forecastle, till Ahab, troubledly pacing the deck, +shouted out—“To the braces! Up helm!—square in!” + +In an instant the yards swung round; and as the ship half-wheeled upon +her heel, her three firm-seated graceful masts erectly poised upon her +long, ribbed hull, seemed as the three Horatii pirouetting on one +sufficient steed. + +Standing between the knight-heads, Starbuck watched the Pequod’s +tumultuous way, and Ahab’s also, as he went lurching along the deck. + +“I have sat before the dense coal fire and watched it all aglow, full +of its tormented flaming life; and I have seen it wane at last, down, +down, to dumbest dust. Old man of oceans! of all this fiery life of +thine, what will at length remain but one little heap of ashes!” + +“Aye,” cried Stubb, “but sea-coal ashes—mind ye that, Mr. +Starbuck—sea-coal, not your common charcoal. Well, well; I heard Ahab +mutter, ‘Here some one thrusts these cards into these old hands of +mine; swears that I must play them, and no others.’ And damn me, Ahab, +but thou actest right; live in the game, and die in it!” + + +CHAPTER 119. The Candles. + +Warmest climes but nurse the cruellest fangs: the tiger of Bengal +crouches in spiced groves of ceaseless verdure. Skies the most +effulgent but basket the deadliest thunders: gorgeous Cuba knows +tornadoes that never swept tame northern lands. So, too, it is, that in +these resplendent Japanese seas the mariner encounters the direst of +all storms, the Typhoon. It will sometimes burst from out that +cloudless sky, like an exploding bomb upon a dazed and sleepy town. + +Towards evening of that day, the Pequod was torn of her canvas, and +bare-poled was left to fight a Typhoon which had struck her directly +ahead. When darkness came on, sky and sea roared and split with the +thunder, and blazed with the lightning, that showed the disabled masts +fluttering here and there with the rags which the first fury of the +tempest had left for its after sport. + +Holding by a shroud, Starbuck was standing on the quarter-deck; at +every flash of the lightning glancing aloft, to see what additional +disaster might have befallen the intricate hamper there; while Stubb +and Flask were directing the men in the higher hoisting and firmer +lashing of the boats. But all their pains seemed naught. Though lifted +to the very top of the cranes, the windward quarter boat (Ahab’s) did +not escape. A great rolling sea, dashing high up against the reeling +ship’s high teetering side, stove in the boat’s bottom at the stern, +and left it again, all dripping through like a sieve. + +“Bad work, bad work! Mr. Starbuck,” said Stubb, regarding the wreck, +“but the sea will have its way. Stubb, for one, can’t fight it. You +see, Mr. Starbuck, a wave has such a great long start before it leaps, +all round the world it runs, and then comes the spring! But as for me, +all the start I have to meet it, is just across the deck here. But +never mind; it’s all in fun: so the old song says;”—(_sings_.) + + + Oh! jolly is the gale, And a joker is the whale, A’ flourishin’ his + tail,— Such a funny, sporty, gamy, jesty, joky, hoky-poky lad, is the + Ocean, oh! + + The scud all a flyin’, That’s his flip only foamin’; When he stirs in + the spicin’,— Such a funny, sporty, gamy, jesty, joky, hoky-poky lad, + is the Ocean, oh! + + Thunder splits the ships, But he only smacks his lips, A tastin’ of + this flip,— Such a funny, sporty, gamy, jesty, joky, hoky-poky lad, + is the Ocean, oh! + + + +“Avast Stubb,” cried Starbuck, “let the Typhoon sing, and strike his +harp here in our rigging; but if thou art a brave man thou wilt hold +thy peace.” + +“But I am not a brave man; never said I was a brave man; I am a coward; +and I sing to keep up my spirits. And I tell you what it is, Mr. +Starbuck, there’s no way to stop my singing in this world but to cut my +throat. And when that’s done, ten to one I sing ye the doxology for a +wind-up.” + +“Madman! look through my eyes if thou hast none of thine own.” + +“What! how can you see better of a dark night than anybody else, never +mind how foolish?” + +“Here!” cried Starbuck, seizing Stubb by the shoulder, and pointing his +hand towards the weather bow, “markest thou not that the gale comes +from the eastward, the very course Ahab is to run for Moby Dick? the +very course he swung to this day noon? now mark his boat there; where +is that stove? In the stern-sheets, man; where he is wont to stand—his +stand-point is stove, man! Now jump overboard, and sing away, if thou +must! + +“I don’t half understand ye: what’s in the wind?” + +“Yes, yes, round the Cape of Good Hope is the shortest way to +Nantucket,” soliloquized Starbuck suddenly, heedless of Stubb’s +question. “The gale that now hammers at us to stave us, we can turn it +into a fair wind that will drive us towards home. Yonder, to windward, +all is blackness of doom; but to leeward, homeward—I see it lightens up +there; but not with the lightning.” + +At that moment in one of the intervals of profound darkness, following +the flashes, a voice was heard at his side; and almost at the same +instant a volley of thunder peals rolled overhead. + +“Who’s there?” + +“Old Thunder!” said Ahab, groping his way along the bulwarks to his +pivot-hole; but suddenly finding his path made plain to him by elbowed +lances of fire. + +Now, as the lightning rod to a spire on shore is intended to carry off +the perilous fluid into the soil; so the kindred rod which at sea some +ships carry to each mast, is intended to conduct it into the water. But +as this conductor must descend to considerable depth, that its end may +avoid all contact with the hull; and as moreover, if kept constantly +towing there, it would be liable to many mishaps, besides interfering +not a little with some of the rigging, and more or less impeding the +vessel’s way in the water; because of all this, the lower parts of a +ship’s lightning-rods are not always overboard; but are generally made +in long slender links, so as to be the more readily hauled up into the +chains outside, or thrown down into the sea, as occasion may require. + +“The rods! the rods!” cried Starbuck to the crew, suddenly admonished +to vigilance by the vivid lightning that had just been darting +flambeaux, to light Ahab to his post. “Are they overboard? drop them +over, fore and aft. Quick!” + +“Avast!” cried Ahab; “let’s have fair play here, though we be the +weaker side. Yet I’ll contribute to raise rods on the Himmalehs and +Andes, that all the world may be secured; but out on privileges! Let +them be, sir.” + +“Look aloft!” cried Starbuck. “The corpusants! the corpusants!” + +All the yard-arms were tipped with a pallid fire; and touched at each +tri-pointed lightning-rod-end with three tapering white flames, each of +the three tall masts was silently burning in that sulphurous air, like +three gigantic wax tapers before an altar. + +“Blast the boat! let it go!” cried Stubb at this instant, as a swashing +sea heaved up under his own little craft, so that its gunwale violently +jammed his hand, as he was passing a lashing. “Blast it!”—but slipping +backward on the deck, his uplifted eyes caught the flames; and +immediately shifting his tone he cried—“The corpusants have mercy on us +all!” + +To sailors, oaths are household words; they will swear in the trance of +the calm, and in the teeth of the tempest; they will imprecate curses +from the topsail-yard-arms, when most they teeter over to a seething +sea; but in all my voyagings, seldom have I heard a common oath when +God’s burning finger has been laid on the ship; when His “Mene, Mene, +Tekel Upharsin” has been woven into the shrouds and the cordage. + +While this pallidness was burning aloft, few words were heard from the +enchanted crew; who in one thick cluster stood on the forecastle, all +their eyes gleaming in that pale phosphorescence, like a far away +constellation of stars. Relieved against the ghostly light, the +gigantic jet negro, Daggoo, loomed up to thrice his real stature, and +seemed the black cloud from which the thunder had come. The parted +mouth of Tashtego revealed his shark-white teeth, which strangely +gleamed as if they too had been tipped by corpusants; while lit up by +the preternatural light, Queequeg’s tattooing burned like Satanic blue +flames on his body. + +The tableau all waned at last with the pallidness aloft; and once more +the Pequod and every soul on her decks were wrapped in a pall. A moment +or two passed, when Starbuck, going forward, pushed against some one. +It was Stubb. “What thinkest thou now, man; I heard thy cry; it was not +the same in the song.” + +“No, no, it wasn’t; I said the corpusants have mercy on us all; and I +hope they will, still. But do they only have mercy on long faces?—have +they no bowels for a laugh? And look ye, Mr. Starbuck—but it’s too dark +to look. Hear me, then: I take that mast-head flame we saw for a sign +of good luck; for those masts are rooted in a hold that is going to be +chock a’ block with sperm-oil, d’ye see; and so, all that sperm will +work up into the masts, like sap in a tree. Yes, our three masts will +yet be as three spermaceti candles—that’s the good promise we saw.” + +At that moment Starbuck caught sight of Stubb’s face slowly beginning +to glimmer into sight. Glancing upwards, he cried: “See! see!” and once +more the high tapering flames were beheld with what seemed redoubled +supernaturalness in their pallor. + +“The corpusants have mercy on us all,” cried Stubb, again. + +At the base of the mainmast, full beneath the doubloon and the flame, +the Parsee was kneeling in Ahab’s front, but with his head bowed away +from him; while near by, from the arched and overhanging rigging, where +they had just been engaged securing a spar, a number of the seamen, +arrested by the glare, now cohered together, and hung pendulous, like a +knot of numbed wasps from a drooping, orchard twig. In various +enchanted attitudes, like the standing, or stepping, or running +skeletons in Herculaneum, others remained rooted to the deck; but all +their eyes upcast. + +“Aye, aye, men!” cried Ahab. “Look up at it; mark it well; the white +flame but lights the way to the White Whale! Hand me those mainmast +links there; I would fain feel this pulse, and let mine beat against +it; blood against fire! So.” + +Then turning—the last link held fast in his left hand, he put his foot +upon the Parsee; and with fixed upward eye, and high-flung right arm, +he stood erect before the lofty tri-pointed trinity of flames. + +“Oh! thou clear spirit of clear fire, whom on these seas I as Persian +once did worship, till in the sacramental act so burned by thee, that +to this hour I bear the scar; I now know thee, thou clear spirit, and I +now know that thy right worship is defiance. To neither love nor +reverence wilt thou be kind; and e’en for hate thou canst but kill; and +all are killed. No fearless fool now fronts thee. I own thy speechless, +placeless power; but to the last gasp of my earthquake life will +dispute its unconditional, unintegral mastery in me. In the midst of +the personified impersonal, a personality stands here. Though but a +point at best; whencesoe’er I came; wheresoe’er I go; yet while I +earthly live, the queenly personality lives in me, and feels her royal +rights. But war is pain, and hate is woe. Come in thy lowest form of +love, and I will kneel and kiss thee; but at thy highest, come as mere +supernal power; and though thou launchest navies of full-freighted +worlds, there’s that in here that still remains indifferent. Oh, thou +clear spirit, of thy fire thou madest me, and like a true child of +fire, I breathe it back to thee.” + +[_Sudden, repeated flashes of lightning; the nine flames leap +lengthwise to thrice their previous height; Ahab, with the rest, closes +his eyes, his right hand pressed hard upon them._] + +“I own thy speechless, placeless power; said I not so? Nor was it wrung +from me; nor do I now drop these links. Thou canst blind; but I can +then grope. Thou canst consume; but I can then be ashes. Take the +homage of these poor eyes, and shutter-hands. I would not take it. The +lightning flashes through my skull; mine eye-balls ache and ache; my +whole beaten brain seems as beheaded, and rolling on some stunning +ground. Oh, oh! Yet blindfold, yet will I talk to thee. Light though +thou be, thou leapest out of darkness; but I am darkness leaping out of +light, leaping out of thee! The javelins cease; open eyes; see, or not? +There burn the flames! Oh, thou magnanimous! now I do glory in my +genealogy. But thou art but my fiery father; my sweet mother, I know +not. Oh, cruel! what hast thou done with her? There lies my puzzle; but +thine is greater. Thou knowest not how came ye, hence callest thyself +unbegotten; certainly knowest not thy beginning, hence callest thyself +unbegun. I know that of me, which thou knowest not of thyself, oh, thou +omnipotent. There is some unsuffusing thing beyond thee, thou clear +spirit, to whom all thy eternity is but time, all thy creativeness +mechanical. Through thee, thy flaming self, my scorched eyes do dimly +see it. Oh, thou foundling fire, thou hermit immemorial, thou too hast +thy incommunicable riddle, thy unparticipated grief. Here again with +haughty agony, I read my sire. Leap! leap up, and lick the sky! I leap +with thee; I burn with thee; would fain be welded with thee; defyingly +I worship thee!” + +“The boat! the boat!” cried Starbuck, “look at thy boat, old man!” + +Ahab’s harpoon, the one forged at Perth’s fire, remained firmly lashed +in its conspicuous crotch, so that it projected beyond his whale-boat’s +bow; but the sea that had stove its bottom had caused the loose leather +sheath to drop off; and from the keen steel barb there now came a +levelled flame of pale, forked fire. As the silent harpoon burned there +like a serpent’s tongue, Starbuck grasped Ahab by the arm—“God, God is +against thee, old man; forbear! ’tis an ill voyage! ill begun, ill +continued; let me square the yards, while we may, old man, and make a +fair wind of it homewards, to go on a better voyage than this.” + +Overhearing Starbuck, the panic-stricken crew instantly ran to the +braces—though not a sail was left aloft. For the moment all the aghast +mate’s thoughts seemed theirs; they raised a half mutinous cry. But +dashing the rattling lightning links to the deck, and snatching the +burning harpoon, Ahab waved it like a torch among them; swearing to +transfix with it the first sailor that but cast loose a rope’s end. +Petrified by his aspect, and still more shrinking from the fiery dart +that he held, the men fell back in dismay, and Ahab again spoke:— + +“All your oaths to hunt the White Whale are as binding as mine; and +heart, soul, and body, lungs and life, old Ahab is bound. And that ye +may know to what tune this heart beats; look ye here; thus I blow out +the last fear!” And with one blast of his breath he extinguished the +flame. + +As in the hurricane that sweeps the plain, men fly the neighborhood of +some lone, gigantic elm, whose very height and strength but render it +so much the more unsafe, because so much the more a mark for +thunderbolts; so at those last words of Ahab’s many of the mariners did +run from him in a terror of dismay. + + +CHAPTER 120. The Deck Towards the End of the First Night Watch. + +_Ahab standing by the helm. Starbuck approaching him._ + +“We must send down the main-top-sail yard, sir. The band is working +loose and the lee lift is half-stranded. Shall I strike it, sir?” + +“Strike nothing; lash it. If I had sky-sail poles, I’d sway them up +now.” + +“Sir!—in God’s name!—sir?” + +“Well.” + +“The anchors are working, sir. Shall I get them inboard?” + +“Strike nothing, and stir nothing, but lash everything. The wind rises, +but it has not got up to my table-lands yet. Quick, and see to it.—By +masts and keels! he takes me for the hunch-backed skipper of some +coasting smack. Send down my main-top-sail yard! Ho, gluepots! Loftiest +trucks were made for wildest winds, and this brain-truck of mine now +sails amid the cloud-scud. Shall I strike that? Oh, none but cowards +send down their brain-trucks in tempest time. What a hooroosh aloft +there! I would e’en take it for sublime, did I not know that the colic +is a noisy malady. Oh, take medicine, take medicine!” + + +CHAPTER 121. Midnight.—The Forecastle Bulwarks. + +_Stubb and Flask mounted on them, and passing additional lashings over +the anchors there hanging._ + +“No, Stubb; you may pound that knot there as much as you please, but +you will never pound into me what you were just now saying. And how +long ago is it since you said the very contrary? Didn’t you once say +that whatever ship Ahab sails in, that ship should pay something extra +on its insurance policy, just as though it were loaded with powder +barrels aft and boxes of lucifers forward? Stop, now; didn’t you say +so?” + +“Well, suppose I did? What then? I’ve part changed my flesh since that +time, why not my mind? Besides, supposing we _are_ loaded with powder +barrels aft and lucifers forward; how the devil could the lucifers get +afire in this drenching spray here? Why, my little man, you have pretty +red hair, but you couldn’t get afire now. Shake yourself; you’re +Aquarius, or the water-bearer, Flask; might fill pitchers at your coat +collar. Don’t you see, then, that for these extra risks the Marine +Insurance companies have extra guarantees? Here are hydrants, Flask. +But hark, again, and I’ll answer ye the other thing. First take your +leg off from the crown of the anchor here, though, so I can pass the +rope; now listen. What’s the mighty difference between holding a mast’s +lightning-rod in the storm, and standing close by a mast that hasn’t +got any lightning-rod at all in a storm? Don’t you see, you +timber-head, that no harm can come to the holder of the rod, unless the +mast is first struck? What are you talking about, then? Not one ship in +a hundred carries rods, and Ahab,—aye, man, and all of us,—were in no +more danger then, in my poor opinion, than all the crews in ten +thousand ships now sailing the seas. Why, you King-Post, you, I suppose +you would have every man in the world go about with a small +lightning-rod running up the corner of his hat, like a militia +officer’s skewered feather, and trailing behind like his sash. Why +don’t ye be sensible, Flask? it’s easy to be sensible; why don’t ye, +then? any man with half an eye can be sensible.” + +“I don’t know that, Stubb. You sometimes find it rather hard.” + +“Yes, when a fellow’s soaked through, it’s hard to be sensible, that’s +a fact. And I am about drenched with this spray. Never mind; catch the +turn there, and pass it. Seems to me we are lashing down these anchors +now as if they were never going to be used again. Tying these two +anchors here, Flask, seems like tying a man’s hands behind him. And +what big generous hands they are, to be sure. These are your iron +fists, hey? What a hold they have, too! I wonder, Flask, whether the +world is anchored anywhere; if she is, she swings with an uncommon long +cable, though. There, hammer that knot down, and we’ve done. So; next +to touching land, lighting on deck is the most satisfactory. I say, +just wring out my jacket skirts, will ye? Thank ye. They laugh at +long-togs so, Flask; but seems to me, a long tailed coat ought always +to be worn in all storms afloat. The tails tapering down that way, +serve to carry off the water, d’ye see. Same with cocked hats; the +cocks form gable-end eave-troughs, Flask. No more monkey-jackets and +tarpaulins for me; I must mount a swallow-tail, and drive down a +beaver; so. Halloa! whew! there goes my tarpaulin overboard; Lord, +Lord, that the winds that come from heaven should be so unmannerly! +This is a nasty night, lad.” + + +CHAPTER 122. Midnight Aloft.—Thunder and Lightning. + +_The main-top-sail yard_.—_Tashtego passing new lashings around it_. + +“Um, um, um. Stop that thunder! Plenty too much thunder up here. What’s +the use of thunder? Um, um, um. We don’t want thunder; we want rum; +give us a glass of rum. Um, um, um!” + + +CHAPTER 123. The Musket. + +During the most violent shocks of the Typhoon, the man at the Pequod’s +jaw-bone tiller had several times been reelingly hurled to the deck by +its spasmodic motions, even though preventer tackles had been attached +to it—for they were slack—because some play to the tiller was +indispensable. + +In a severe gale like this, while the ship is but a tossed shuttlecock +to the blast, it is by no means uncommon to see the needles in the +compasses, at intervals, go round and round. It was thus with the +Pequod’s; at almost every shock the helmsman had not failed to notice +the whirling velocity with which they revolved upon the cards; it is a +sight that hardly anyone can behold without some sort of unwonted +emotion. + +Some hours after midnight, the Typhoon abated so much, that through the +strenuous exertions of Starbuck and Stubb—one engaged forward and the +other aft—the shivered remnants of the jib and fore and main-top-sails +were cut adrift from the spars, and went eddying away to leeward, like +the feathers of an albatross, which sometimes are cast to the winds +when that storm-tossed bird is on the wing. + +The three corresponding new sails were now bent and reefed, and a +storm-trysail was set further aft; so that the ship soon went through +the water with some precision again; and the course—for the present, +East-south-east—which he was to steer, if practicable, was once more +given to the helmsman. For during the violence of the gale, he had only +steered according to its vicissitudes. But as he was now bringing the +ship as near her course as possible, watching the compass meanwhile, +lo! a good sign! the wind seemed coming round astern; aye, the foul +breeze became fair! + +Instantly the yards were squared, to the lively song of “_Ho! the fair +wind! oh-ye-ho, cheerly men!_” the crew singing for joy, that so +promising an event should so soon have falsified the evil portents +preceding it. + +In compliance with the standing order of his commander—to report +immediately, and at any one of the twenty-four hours, any decided +change in the affairs of the deck,—Starbuck had no sooner trimmed the +yards to the breeze—however reluctantly and gloomily,—than he +mechanically went below to apprise Captain Ahab of the circumstance. + +Ere knocking at his state-room, he involuntarily paused before it a +moment. The cabin lamp—taking long swings this way and that—was burning +fitfully, and casting fitful shadows upon the old man’s bolted door,—a +thin one, with fixed blinds inserted, in place of upper panels. The +isolated subterraneousness of the cabin made a certain humming silence +to reign there, though it was hooped round by all the roar of the +elements. The loaded muskets in the rack were shiningly revealed, as +they stood upright against the forward bulkhead. Starbuck was an +honest, upright man; but out of Starbuck’s heart, at that instant when +he saw the muskets, there strangely evolved an evil thought; but so +blent with its neutral or good accompaniments that for the instant he +hardly knew it for itself. + +“He would have shot me once,” he murmured, “yes, there’s the very +musket that he pointed at me;—that one with the studded stock; let me +touch it—lift it. Strange, that I, who have handled so many deadly +lances, strange, that I should shake so now. Loaded? I must see. Aye, +aye; and powder in the pan;—that’s not good. Best spill it?—wait. I’ll +cure myself of this. I’ll hold the musket boldly while I think.—I come +to report a fair wind to him. But how fair? Fair for death and +doom,—_that’s_ fair for Moby Dick. It’s a fair wind that’s only fair +for that accursed fish.—The very tube he pointed at me!—the very one; +_this_ one—I hold it here; he would have killed me with the very thing +I handle now.—Aye and he would fain kill all his crew. Does he not say +he will not strike his spars to any gale? Has he not dashed his +heavenly quadrant? and in these same perilous seas, gropes he not his +way by mere dead reckoning of the error-abounding log? and in this very +Typhoon, did he not swear that he would have no lightning-rods? But +shall this crazed old man be tamely suffered to drag a whole ship’s +company down to doom with him?—Yes, it would make him the wilful +murderer of thirty men and more, if this ship come to any deadly harm; +and come to deadly harm, my soul swears this ship will, if Ahab have +his way. If, then, he were this instant—put aside, that crime would not +be his. Ha! is he muttering in his sleep? Yes, just there,—in there, +he’s sleeping. Sleeping? aye, but still alive, and soon awake again. I +can’t withstand thee, then, old man. Not reasoning; not remonstrance; +not entreaty wilt thou hearken to; all this thou scornest. Flat +obedience to thy own flat commands, this is all thou breathest. Aye, +and say’st the men have vow’d thy vow; say’st all of us are Ahabs. +Great God forbid!—But is there no other way? no lawful way?—Make him a +prisoner to be taken home? What! hope to wrest this old man’s living +power from his own living hands? Only a fool would try it. Say he were +pinioned even; knotted all over with ropes and hawsers; chained down to +ring-bolts on this cabin floor; he would be more hideous than a caged +tiger, then. I could not endure the sight; could not possibly fly his +howlings; all comfort, sleep itself, inestimable reason would leave me +on the long intolerable voyage. What, then, remains? The land is +hundreds of leagues away, and locked Japan the nearest. I stand alone +here upon an open sea, with two oceans and a whole continent between me +and law.—Aye, aye, ’tis so.—Is heaven a murderer when its lightning +strikes a would-be murderer in his bed, tindering sheets and skin +together?—And would I be a murderer, then, if”—and slowly, stealthily, +and half sideways looking, he placed the loaded musket’s end against +the door. + +“On this level, Ahab’s hammock swings within; his head this way. A +touch, and Starbuck may survive to hug his wife and child again.—Oh +Mary! Mary!—boy! boy! boy!—But if I wake thee not to death, old man, +who can tell to what unsounded deeps Starbuck’s body this day week may +sink, with all the crew! Great God, where art Thou? Shall I? shall +I?—The wind has gone down and shifted, sir; the fore and main topsails +are reefed and set; she heads her course.” + +“Stern all! Oh Moby Dick, I clutch thy heart at last!” + +Such were the sounds that now came hurtling from out the old man’s +tormented sleep, as if Starbuck’s voice had caused the long dumb dream +to speak. + +The yet levelled musket shook like a drunkard’s arm against the panel; +Starbuck seemed wrestling with an angel; but turning from the door, he +placed the death-tube in its rack, and left the place. + +“He’s too sound asleep, Mr. Stubb; go thou down, and wake him, and tell +him. I must see to the deck here. Thou know’st what to say.” + + +CHAPTER 124. The Needle. + +Next morning the not-yet-subsided sea rolled in long slow billows of +mighty bulk, and striving in the Pequod’s gurgling track, pushed her on +like giants’ palms outspread. The strong, unstaggering breeze abounded +so, that sky and air seemed vast outbellying sails; the whole world +boomed before the wind. Muffled in the full morning light, the +invisible sun was only known by the spread intensity of his place; +where his bayonet rays moved on in stacks. Emblazonings, as of crowned +Babylonian kings and queens, reigned over everything. The sea was as a +crucible of molten gold, that bubblingly leaps with light and heat. + +Long maintaining an enchanted silence, Ahab stood apart; and every time +the tetering ship loweringly pitched down her bowsprit, he turned to +eye the bright sun’s rays produced ahead; and when she profoundly +settled by the stern, he turned behind, and saw the sun’s rearward +place, and how the same yellow rays were blending with his undeviating +wake. + +“Ha, ha, my ship! thou mightest well be taken now for the sea-chariot +of the sun. Ho, ho! all ye nations before my prow, I bring the sun to +ye! Yoke on the further billows; hallo! a tandem, I drive the sea!” + +But suddenly reined back by some counter thought, he hurried towards +the helm, huskily demanding how the ship was heading. + +“East-sou-east, sir,” said the frightened steersman. + +“Thou liest!” smiting him with his clenched fist. “Heading East at this +hour in the morning, and the sun astern?” + +Upon this every soul was confounded; for the phenomenon just then +observed by Ahab had unaccountably escaped every one else; but its very +blinding palpableness must have been the cause. + +Thrusting his head half way into the binnacle, Ahab caught one glimpse +of the compasses; his uplifted arm slowly fell; for a moment he almost +seemed to stagger. Standing behind him Starbuck looked, and lo! the two +compasses pointed East, and the Pequod was as infallibly going West. + +But ere the first wild alarm could get out abroad among the crew, the +old man with a rigid laugh exclaimed, “I have it! It has happened +before. Mr. Starbuck, last night’s thunder turned our compasses—that’s +all. Thou hast before now heard of such a thing, I take it.” + +“Aye; but never before has it happened to me, sir,” said the pale mate, +gloomily. + +Here, it must needs be said, that accidents like this have in more than +one case occurred to ships in violent storms. The magnetic energy, as +developed in the mariner’s needle, is, as all know, essentially one +with the electricity beheld in heaven; hence it is not to be much +marvelled at, that such things should be. Instances where the lightning +has actually struck the vessel, so as to smite down some of the spars +and rigging, the effect upon the needle has at times been still more +fatal; all its loadstone virtue being annihilated, so that the before +magnetic steel was of no more use than an old wife’s knitting needle. +But in either case, the needle never again, of itself, recovers the +original virtue thus marred or lost; and if the binnacle compasses be +affected, the same fate reaches all the others that may be in the ship; +even were the lowermost one inserted into the kelson. + +Deliberately standing before the binnacle, and eyeing the transpointed +compasses, the old man, with the sharp of his extended hand, now took +the precise bearing of the sun, and satisfied that the needles were +exactly inverted, shouted out his orders for the ship’s course to be +changed accordingly. The yards were hard up; and once more the Pequod +thrust her undaunted bows into the opposing wind, for the supposed fair +one had only been juggling her. + +Meanwhile, whatever were his own secret thoughts, Starbuck said +nothing, but quietly he issued all requisite orders; while Stubb and +Flask—who in some small degree seemed then to be sharing his +feelings—likewise unmurmuringly acquiesced. As for the men, though some +of them lowly rumbled, their fear of Ahab was greater than their fear +of Fate. But as ever before, the pagan harpooneers remained almost +wholly unimpressed; or if impressed, it was only with a certain +magnetism shot into their congenial hearts from inflexible Ahab’s. + +For a space the old man walked the deck in rolling reveries. But +chancing to slip with his ivory heel, he saw the crushed copper +sight-tubes of the quadrant he had the day before dashed to the deck. + +“Thou poor, proud heaven-gazer and sun’s pilot! yesterday I wrecked +thee, and to-day the compasses would fain have wrecked me. So, so. But +Ahab is lord over the level loadstone yet. Mr. Starbuck—a lance without +a pole; a top-maul, and the smallest of the sail-maker’s needles. +Quick!” + +Accessory, perhaps, to the impulse dictating the thing he was now about +to do, were certain prudential motives, whose object might have been to +revive the spirits of his crew by a stroke of his subtile skill, in a +matter so wondrous as that of the inverted compasses. Besides, the old +man well knew that to steer by transpointed needles, though clumsily +practicable, was not a thing to be passed over by superstitious +sailors, without some shudderings and evil portents. + +“Men,” said he, steadily turning upon the crew, as the mate handed him +the things he had demanded, “my men, the thunder turned old Ahab’s +needles; but out of this bit of steel Ahab can make one of his own, +that will point as true as any.” + +Abashed glances of servile wonder were exchanged by the sailors, as +this was said; and with fascinated eyes they awaited whatever magic +might follow. But Starbuck looked away. + +With a blow from the top-maul Ahab knocked off the steel head of the +lance, and then handing to the mate the long iron rod remaining, bade +him hold it upright, without its touching the deck. Then, with the +maul, after repeatedly smiting the upper end of this iron rod, he +placed the blunted needle endwise on the top of it, and less strongly +hammered that, several times, the mate still holding the rod as before. +Then going through some small strange motions with it—whether +indispensable to the magnetizing of the steel, or merely intended to +augment the awe of the crew, is uncertain—he called for linen thread; +and moving to the binnacle, slipped out the two reversed needles there, +and horizontally suspended the sail-needle by its middle, over one of +the compass-cards. At first, the steel went round and round, quivering +and vibrating at either end; but at last it settled to its place, when +Ahab, who had been intently watching for this result, stepped frankly +back from the binnacle, and pointing his stretched arm towards it, +exclaimed,—“Look ye, for yourselves, if Ahab be not lord of the level +loadstone! The sun is East, and that compass swears it!” + +One after another they peered in, for nothing but their own eyes could +persuade such ignorance as theirs, and one after another they slunk +away. + +In his fiery eyes of scorn and triumph, you then saw Ahab in all his +fatal pride. + + +CHAPTER 125. The Log and Line. + +While now the fated Pequod had been so long afloat this voyage, the log +and line had but very seldom been in use. Owing to a confident reliance +upon other means of determining the vessel’s place, some merchantmen, +and many whalemen, especially when cruising, wholly neglect to heave +the log; though at the same time, and frequently more for form’s sake +than anything else, regularly putting down upon the customary slate the +course steered by the ship, as well as the presumed average rate of +progression every hour. It had been thus with the Pequod. The wooden +reel and angular log attached hung, long untouched, just beneath the +railing of the after bulwarks. Rains and spray had damped it; sun and +wind had warped it; all the elements had combined to rot a thing that +hung so idly. But heedless of all this, his mood seized Ahab, as he +happened to glance upon the reel, not many hours after the magnet +scene, and he remembered how his quadrant was no more, and recalled his +frantic oath about the level log and line. The ship was sailing +plungingly; astern the billows rolled in riots. + +“Forward, there! Heave the log!” + +Two seamen came. The golden-hued Tahitian and the grizzly Manxman. +“Take the reel, one of ye, I’ll heave.” + +They went towards the extreme stern, on the ship’s lee side, where the +deck, with the oblique energy of the wind, was now almost dipping into +the creamy, sidelong-rushing sea. + +The Manxman took the reel, and holding it high up, by the projecting +handle-ends of the spindle, round which the spool of line revolved, so +stood with the angular log hanging downwards, till Ahab advanced to +him. + +Ahab stood before him, and was lightly unwinding some thirty or forty +turns to form a preliminary hand-coil to toss overboard, when the old +Manxman, who was intently eyeing both him and the line, made bold to +speak. + +“Sir, I mistrust it; this line looks far gone, long heat and wet have +spoiled it.” + +“’Twill hold, old gentleman. Long heat and wet, have they spoiled thee? +Thou seem’st to hold. Or, truer perhaps, life holds thee; not thou it.” + +“I hold the spool, sir. But just as my captain says. With these grey +hairs of mine ’tis not worth while disputing, ’specially with a +superior, who’ll ne’er confess.” + +“What’s that? There now’s a patched professor in Queen Nature’s +granite-founded College; but methinks he’s too subservient. Where wert +thou born?” + +“In the little rocky Isle of Man, sir.” + +“Excellent! Thou’st hit the world by that.” + +“I know not, sir, but I was born there.” + +“In the Isle of Man, hey? Well, the other way, it’s good. Here’s a man +from Man; a man born in once independent Man, and now unmanned of Man; +which is sucked in—by what? Up with the reel! The dead, blind wall +butts all inquiring heads at last. Up with it! So.” + +The log was heaved. The loose coils rapidly straightened out in a long +dragging line astern, and then, instantly, the reel began to whirl. In +turn, jerkingly raised and lowered by the rolling billows, the towing +resistance of the log caused the old reelman to stagger strangely. + +“Hold hard!” + +Snap! the overstrained line sagged down in one long festoon; the +tugging log was gone. + +“I crush the quadrant, the thunder turns the needles, and now the mad +sea parts the log-line. But Ahab can mend all. Haul in here, Tahitian; +reel up, Manxman. And look ye, let the carpenter make another log, and +mend thou the line. See to it.” + +“There he goes now; to him nothing’s happened; but to me, the skewer +seems loosening out of the middle of the world. Haul in, haul in, +Tahitian! These lines run whole, and whirling out: come in broken, and +dragging slow. Ha, Pip? come to help; eh, Pip?” + +“Pip? whom call ye Pip? Pip jumped from the whale-boat. Pip’s missing. +Let’s see now if ye haven’t fished him up here, fisherman. It drags +hard; I guess he’s holding on. Jerk him, Tahiti! Jerk him off; we haul +in no cowards here. Ho! there’s his arm just breaking water. A hatchet! +a hatchet! cut it off—we haul in no cowards here. Captain Ahab! sir, +sir! here’s Pip, trying to get on board again.” + +“Peace, thou crazy loon,” cried the Manxman, seizing him by the arm. +“Away from the quarter-deck!” + +“The greater idiot ever scolds the lesser,” muttered Ahab, advancing. +“Hands off from that holiness! Where sayest thou Pip was, boy? + +“Astern there, sir, astern! Lo! lo!” + +“And who art thou, boy? I see not my reflection in the vacant pupils of +thy eyes. Oh God! that man should be a thing for immortal souls to +sieve through! Who art thou, boy?” + +“Bell-boy, sir; ship’s-crier; ding, dong, ding! Pip! Pip! Pip! One +hundred pounds of clay reward for Pip; five feet high—looks +cowardly—quickest known by that! Ding, dong, ding! Who’s seen Pip the +coward?” + +“There can be no hearts above the snow-line. Oh, ye frozen heavens! +look down here. Ye did beget this luckless child, and have abandoned +him, ye creative libertines. Here, boy; Ahab’s cabin shall be Pip’s +home henceforth, while Ahab lives. Thou touchest my inmost centre, boy; +thou art tied to me by cords woven of my heart-strings. Come, let’s +down.” + +“What’s this? here’s velvet shark-skin,” intently gazing at Ahab’s +hand, and feeling it. “Ah, now, had poor Pip but felt so kind a thing +as this, perhaps he had ne’er been lost! This seems to me, sir, as a +man-rope; something that weak souls may hold by. Oh, sir, let old Perth +now come and rivet these two hands together; the black one with the +white, for I will not let this go.” + +“Oh, boy, nor will I thee, unless I should thereby drag thee to worse +horrors than are here. Come, then, to my cabin. Lo! ye believers in +gods all goodness, and in man all ill, lo you! see the omniscient gods +oblivious of suffering man; and man, though idiotic, and knowing not +what he does, yet full of the sweet things of love and gratitude. Come! +I feel prouder leading thee by thy black hand, than though I grasped an +Emperor’s!” + +“There go two daft ones now,” muttered the old Manxman. “One daft with +strength, the other daft with weakness. But here’s the end of the +rotten line—all dripping, too. Mend it, eh? I think we had best have a +new line altogether. I’ll see Mr. Stubb about it.” + + +CHAPTER 126. The Life-Buoy. + +Steering now south-eastward by Ahab’s levelled steel, and her progress +solely determined by Ahab’s level log and line; the Pequod held on her +path towards the Equator. Making so long a passage through such +unfrequented waters, descrying no ships, and ere long, sideways +impelled by unvarying trade winds, over waves monotonously mild; all +these seemed the strange calm things preluding some riotous and +desperate scene. + +At last, when the ship drew near to the outskirts, as it were, of the +Equatorial fishing-ground, and in the deep darkness that goes before +the dawn, was sailing by a cluster of rocky islets; the watch—then +headed by Flask—was startled by a cry so plaintively wild and +unearthly—like half-articulated wailings of the ghosts of all Herod’s +murdered Innocents—that one and all, they started from their reveries, +and for the space of some moments stood, or sat, or leaned all +transfixedly listening, like the carved Roman slave, while that wild +cry remained within hearing. The Christian or civilized part of the +crew said it was mermaids, and shuddered; but the pagan harpooneers +remained unappalled. Yet the grey Manxman—the oldest mariner of +all—declared that the wild thrilling sounds that were heard, were the +voices of newly drowned men in the sea. + +Below in his hammock, Ahab did not hear of this till grey dawn, when he +came to the deck; it was then recounted to him by Flask, not +unaccompanied with hinted dark meanings. He hollowly laughed, and thus +explained the wonder. + +Those rocky islands the ship had passed were the resort of great +numbers of seals, and some young seals that had lost their dams, or +some dams that had lost their cubs, must have risen nigh the ship and +kept company with her, crying and sobbing with their human sort of +wail. But this only the more affected some of them, because most +mariners cherish a very superstitious feeling about seals, arising not +only from their peculiar tones when in distress, but also from the +human look of their round heads and semi-intelligent faces, seen +peeringly uprising from the water alongside. In the sea, under certain +circumstances, seals have more than once been mistaken for men. + +But the bodings of the crew were destined to receive a most plausible +confirmation in the fate of one of their number that morning. At +sun-rise this man went from his hammock to his mast-head at the fore; +and whether it was that he was not yet half waked from his sleep (for +sailors sometimes go aloft in a transition state), whether it was thus +with the man, there is now no telling; but, be that as it may, he had +not been long at his perch, when a cry was heard—a cry and a +rushing—and looking up, they saw a falling phantom in the air; and +looking down, a little tossed heap of white bubbles in the blue of the +sea. + +The life-buoy—a long slender cask—was dropped from the stern, where it +always hung obedient to a cunning spring; but no hand rose to seize it, +and the sun having long beat upon this cask it had shrunken, so that it +slowly filled, and that parched wood also filled at its every pore; and +the studded iron-bound cask followed the sailor to the bottom, as if to +yield him his pillow, though in sooth but a hard one. + +And thus the first man of the Pequod that mounted the mast to look out +for the White Whale, on the White Whale’s own peculiar ground; that man +was swallowed up in the deep. But few, perhaps, thought of that at the +time. Indeed, in some sort, they were not grieved at this event, at +least as a portent; for they regarded it, not as a foreshadowing of +evil in the future, but as the fulfilment of an evil already presaged. +They declared that now they knew the reason of those wild shrieks they +had heard the night before. But again the old Manxman said nay. + +The lost life-buoy was now to be replaced; Starbuck was directed to see +to it; but as no cask of sufficient lightness could be found, and as in +the feverish eagerness of what seemed the approaching crisis of the +voyage, all hands were impatient of any toil but what was directly +connected with its final end, whatever that might prove to be; +therefore, they were going to leave the ship’s stern unprovided with a +buoy, when by certain strange signs and inuendoes Queequeg hinted a +hint concerning his coffin. + +“A life-buoy of a coffin!” cried Starbuck, starting. + +“Rather queer, that, I should say,” said Stubb. + +“It will make a good enough one,” said Flask, “the carpenter here can +arrange it easily.” + +“Bring it up; there’s nothing else for it,” said Starbuck, after a +melancholy pause. “Rig it, carpenter; do not look at me so—the coffin, +I mean. Dost thou hear me? Rig it.” + +“And shall I nail down the lid, sir?” moving his hand as with a hammer. + +“Aye.” + +“And shall I caulk the seams, sir?” moving his hand as with a +caulking-iron. + +“Aye.” + +“And shall I then pay over the same with pitch, sir?” moving his hand +as with a pitch-pot. + +“Away! what possesses thee to this? Make a life-buoy of the coffin, and +no more.—Mr. Stubb, Mr. Flask, come forward with me.” + +“He goes off in a huff. The whole he can endure; at the parts he +baulks. Now I don’t like this. I make a leg for Captain Ahab, and he +wears it like a gentleman; but I make a bandbox for Queequeg, and he +won’t put his head into it. Are all my pains to go for nothing with +that coffin? And now I’m ordered to make a life-buoy of it. It’s like +turning an old coat; going to bring the flesh on the other side now. I +don’t like this cobbling sort of business—I don’t like it at all; it’s +undignified; it’s not my place. Let tinkers’ brats do tinkerings; we +are their betters. I like to take in hand none but clean, virgin, +fair-and-square mathematical jobs, something that regularly begins at +the beginning, and is at the middle when midway, and comes to an end at +the conclusion; not a cobbler’s job, that’s at an end in the middle, +and at the beginning at the end. It’s the old woman’s tricks to be +giving cobbling jobs. Lord! what an affection all old women have for +tinkers. I know an old woman of sixty-five who ran away with a +bald-headed young tinker once. And that’s the reason I never would work +for lonely widow old women ashore, when I kept my job-shop in the +Vineyard; they might have taken it into their lonely old heads to run +off with me. But heigh-ho! there are no caps at sea but snow-caps. Let +me see. Nail down the lid; caulk the seams; pay over the same with +pitch; batten them down tight, and hang it with the snap-spring over +the ship’s stern. Were ever such things done before with a coffin? Some +superstitious old carpenters, now, would be tied up in the rigging, ere +they would do the job. But I’m made of knotty Aroostook hemlock; I +don’t budge. Cruppered with a coffin! Sailing about with a grave-yard +tray! But never mind. We workers in woods make bridal-bedsteads and +card-tables, as well as coffins and hearses. We work by the month, or +by the job, or by the profit; not for us to ask the why and wherefore +of our work, unless it be too confounded cobbling, and then we stash it +if we can. Hem! I’ll do the job, now, tenderly. I’ll have me—let’s +see—how many in the ship’s company, all told? But I’ve forgotten. Any +way, I’ll have me thirty separate, Turk’s-headed life-lines, each three +feet long hanging all round to the coffin. Then, if the hull go down, +there’ll be thirty lively fellows all fighting for one coffin, a sight +not seen very often beneath the sun! Come hammer, caulking-iron, +pitch-pot, and marling-spike! Let’s to it.” + + +CHAPTER 127. The Deck. + +_The coffin laid upon two line-tubs, between the vice-bench and the +open hatchway; the Carpenter caulking its seams; the string of twisted +oakum slowly unwinding from a large roll of it placed in the bosom of +his frock.—Ahab comes slowly from the cabin-gangway, and hears Pip +following him._ + +“Back, lad; I will be with ye again presently. He goes! Not this hand +complies with my humor more genially than that boy.—Middle aisle of a +church! What’s here?” + +“Life-buoy, sir. Mr. Starbuck’s orders. Oh, look, sir! Beware the +hatchway!” + +“Thank ye, man. Thy coffin lies handy to the vault.” + +“Sir? The hatchway? oh! So it does, sir, so it does.” + +“Art not thou the leg-maker? Look, did not this stump come from thy +shop?” + +“I believe it did, sir; does the ferrule stand, sir?” + +“Well enough. But art thou not also the undertaker?” + +“Aye, sir; I patched up this thing here as a coffin for Queequeg; but +they’ve set me now to turning it into something else.” + +“Then tell me; art thou not an arrant, all-grasping, intermeddling, +monopolising, heathenish old scamp, to be one day making legs, and the +next day coffins to clap them in, and yet again life-buoys out of those +same coffins? Thou art as unprincipled as the gods, and as much of a +jack-of-all-trades.” + +“But I do not mean anything, sir. I do as I do.” + +“The gods again. Hark ye, dost thou not ever sing working about a +coffin? The Titans, they say, hummed snatches when chipping out the +craters for volcanoes; and the grave-digger in the play sings, spade in +hand. Dost thou never?” + +“Sing, sir? Do I sing? Oh, I’m indifferent enough, sir, for that; but +the reason why the grave-digger made music must have been because there +was none in his spade, sir. But the caulking mallet is full of it. Hark +to it.” + +“Aye, and that’s because the lid there’s a sounding-board; and what in +all things makes the sounding-board is this—there’s naught beneath. And +yet, a coffin with a body in it rings pretty much the same, Carpenter. +Hast thou ever helped carry a bier, and heard the coffin knock against +the churchyard gate, going in? + +“Faith, sir, I’ve——” + +“Faith? What’s that?” + +“Why, faith, sir, it’s only a sort of exclamation-like—that’s all, +sir.” + +“Um, um; go on.” + +“I was about to say, sir, that——” + +“Art thou a silk-worm? Dost thou spin thy own shroud out of thyself? +Look at thy bosom! Despatch! and get these traps out of sight.” + +“He goes aft. That was sudden, now; but squalls come sudden in hot +latitudes. I’ve heard that the Isle of Albemarle, one of the +Gallipagos, is cut by the Equator right in the middle. Seems to me some +sort of Equator cuts yon old man, too, right in his middle. He’s always +under the Line—fiery hot, I tell ye! He’s looking this way—come, oakum; +quick. Here we go again. This wooden mallet is the cork, and I’m the +professor of musical glasses—tap, tap!” + +(_Ahab to himself_.) + +“There’s a sight! There’s a sound! The greyheaded woodpecker tapping +the hollow tree! Blind and dumb might well be envied now. See! that +thing rests on two line-tubs, full of tow-lines. A most malicious wag, +that fellow. Rat-tat! So man’s seconds tick! Oh! how immaterial are all +materials! What things real are there, but imponderable thoughts? Here +now’s the very dreaded symbol of grim death, by a mere hap, made the +expressive sign of the help and hope of most endangered life. A +life-buoy of a coffin! Does it go further? Can it be that in some +spiritual sense the coffin is, after all, but an immortality-preserver! +I’ll think of that. But no. So far gone am I in the dark side of earth, +that its other side, the theoretic bright one, seems but uncertain +twilight to me. Will ye never have done, Carpenter, with that accursed +sound? I go below; let me not see that thing here when I return again. +Now, then, Pip, we’ll talk this over; I do suck most wondrous +philosophies from thee! Some unknown conduits from the unknown worlds +must empty into thee!” + + +CHAPTER 128. The Pequod Meets The Rachel. + +Next day, a large ship, the Rachel, was descried, bearing directly down +upon the Pequod, all her spars thickly clustering with men. At the time +the Pequod was making good speed through the water; but as the +broad-winged windward stranger shot nigh to her, the boastful sails all +fell together as blank bladders that are burst, and all life fled from +the smitten hull. + +“Bad news; she brings bad news,” muttered the old Manxman. But ere her +commander, who, with trumpet to mouth, stood up in his boat; ere he +could hopefully hail, Ahab’s voice was heard. + +“Hast seen the White Whale?” + +“Aye, yesterday. Have ye seen a whale-boat adrift?” + +Throttling his joy, Ahab negatively answered this unexpected question; +and would then have fain boarded the stranger, when the stranger +captain himself, having stopped his vessel’s way, was seen descending +her side. A few keen pulls, and his boat-hook soon clinched the +Pequod’s main-chains, and he sprang to the deck. Immediately he was +recognised by Ahab for a Nantucketer he knew. But no formal salutation +was exchanged. + +“Where was he?—not killed!—not killed!” cried Ahab, closely advancing. +“How was it?” + +It seemed that somewhat late on the afternoon of the day previous, +while three of the stranger’s boats were engaged with a shoal of +whales, which had led them some four or five miles from the ship; and +while they were yet in swift chase to windward, the white hump and head +of Moby Dick had suddenly loomed up out of the water, not very far to +leeward; whereupon, the fourth rigged boat—a reserved one—had been +instantly lowered in chase. After a keen sail before the wind, this +fourth boat—the swiftest keeled of all—seemed to have succeeded in +fastening—at least, as well as the man at the mast-head could tell +anything about it. In the distance he saw the diminished dotted boat; +and then a swift gleam of bubbling white water; and after that nothing +more; whence it was concluded that the stricken whale must have +indefinitely run away with his pursuers, as often happens. There was +some apprehension, but no positive alarm, as yet. The recall signals +were placed in the rigging; darkness came on; and forced to pick up her +three far to windward boats—ere going in quest of the fourth one in the +precisely opposite direction—the ship had not only been necessitated to +leave that boat to its fate till near midnight, but, for the time, to +increase her distance from it. But the rest of her crew being at last +safe aboard, she crowded all sail—stunsail on stunsail—after the +missing boat; kindling a fire in her try-pots for a beacon; and every +other man aloft on the look-out. But though when she had thus sailed a +sufficient distance to gain the presumed place of the absent ones when +last seen; though she then paused to lower her spare boats to pull all +around her; and not finding anything, had again dashed on; again +paused, and lowered her boats; and though she had thus continued doing +till daylight; yet not the least glimpse of the missing keel had been +seen. + +The story told, the stranger Captain immediately went on to reveal his +object in boarding the Pequod. He desired that ship to unite with his +own in the search; by sailing over the sea some four or five miles +apart, on parallel lines, and so sweeping a double horizon, as it were. + +“I will wager something now,” whispered Stubb to Flask, “that some one +in that missing boat wore off that Captain’s best coat; mayhap, his +watch—he’s so cursed anxious to get it back. Who ever heard of two +pious whale-ships cruising after one missing whale-boat in the height +of the whaling season? See, Flask, only see how pale he looks—pale in +the very buttons of his eyes—look—it wasn’t the coat—it must have been +the—” + +“My boy, my own boy is among them. For God’s sake—I beg, I +conjure”—here exclaimed the stranger Captain to Ahab, who thus far had +but icily received his petition. “For eight-and-forty hours let me +charter your ship—I will gladly pay for it, and roundly pay for it—if +there be no other way—for eight-and-forty hours only—only that—you +must, oh, you must, and you _shall_ do this thing.” + +“His son!” cried Stubb, “oh, it’s his son he’s lost! I take back the +coat and watch—what says Ahab? We must save that boy.” + +“He’s drowned with the rest on ’em, last night,” said the old Manx +sailor standing behind them; “I heard; all of ye heard their spirits.” + +Now, as it shortly turned out, what made this incident of the Rachel’s +the more melancholy, was the circumstance, that not only was one of the +Captain’s sons among the number of the missing boat’s crew; but among +the number of the other boat’s crews, at the same time, but on the +other hand, separated from the ship during the dark vicissitudes of the +chase, there had been still another son; as that for a time, the +wretched father was plunged to the bottom of the cruellest perplexity; +which was only solved for him by his chief mate’s instinctively +adopting the ordinary procedure of a whale-ship in such emergencies, +that is, when placed between jeopardized but divided boats, always to +pick up the majority first. But the captain, for some unknown +constitutional reason, had refrained from mentioning all this, and not +till forced to it by Ahab’s iciness did he allude to his one yet +missing boy; a little lad, but twelve years old, whose father with the +earnest but unmisgiving hardihood of a Nantucketer’s paternal love, had +thus early sought to initiate him in the perils and wonders of a +vocation almost immemorially the destiny of all his race. Nor does it +unfrequently occur, that Nantucket captains will send a son of such +tender age away from them, for a protracted three or four years’ voyage +in some other ship than their own; so that their first knowledge of a +whaleman’s career shall be unenervated by any chance display of a +father’s natural but untimely partiality, or undue apprehensiveness and +concern. + +Meantime, now the stranger was still beseeching his poor boon of Ahab; +and Ahab still stood like an anvil, receiving every shock, but without +the least quivering of his own. + +“I will not go,” said the stranger, “till you say _aye_ to me. Do to me +as you would have me do to you in the like case. For _you_ too have a +boy, Captain Ahab—though but a child, and nestling safely at home now—a +child of your old age too—Yes, yes, you relent; I see it—run, run, men, +now, and stand by to square in the yards.” + +“Avast,” cried Ahab—“touch not a rope-yarn”; then in a voice that +prolongingly moulded every word—“Captain Gardiner, I will not do it. +Even now I lose time. Good-bye, good-bye. God bless ye, man, and may I +forgive myself, but I must go. Mr. Starbuck, look at the binnacle +watch, and in three minutes from this present instant warn off all +strangers: then brace forward again, and let the ship sail as before.” + +Hurriedly turning, with averted face, he descended into his cabin, +leaving the strange captain transfixed at this unconditional and utter +rejection of his so earnest suit. But starting from his enchantment, +Gardiner silently hurried to the side; more fell than stepped into his +boat, and returned to his ship. + +Soon the two ships diverged their wakes; and long as the strange vessel +was in view, she was seen to yaw hither and thither at every dark spot, +however small, on the sea. This way and that her yards were swung +round; starboard and larboard, she continued to tack; now she beat +against a head sea; and again it pushed her before it; while all the +while, her masts and yards were thickly clustered with men, as three +tall cherry trees, when the boys are cherrying among the boughs. + +But by her still halting course and winding, woeful way, you plainly +saw that this ship that so wept with spray, still remained without +comfort. She was Rachel, weeping for her children, because they were +not. + + +CHAPTER 129. The Cabin. + +(_Ahab moving to go on deck; Pip catches him by the hand to follow._) + +“Lad, lad, I tell thee thou must not follow Ahab now. The hour is +coming when Ahab would not scare thee from him, yet would not have thee +by him. There is that in thee, poor lad, which I feel too curing to my +malady. Like cures like; and for this hunt, my malady becomes my most +desired health. Do thou abide below here, where they shall serve thee, +as if thou wert the captain. Aye, lad, thou shalt sit here in my own +screwed chair; another screw to it, thou must be.” + +“No, no, no! ye have not a whole body, sir; do ye but use poor me for +your one lost leg; only tread upon me, sir; I ask no more, so I remain +a part of ye.” + +“Oh! spite of million villains, this makes me a bigot in the fadeless +fidelity of man!—and a black! and crazy!—but methinks like-cures-like +applies to him too; he grows so sane again.” + +“They tell me, sir, that Stubb did once desert poor little Pip, whose +drowned bones now show white, for all the blackness of his living skin. +But I will never desert ye, sir, as Stubb did him. Sir, I must go with +ye.” + +“If thou speakest thus to me much more, Ahab’s purpose keels up in him. +I tell thee no; it cannot be.” + +“Oh good master, master, master! + +“Weep so, and I will murder thee! have a care, for Ahab too is mad. +Listen, and thou wilt often hear my ivory foot upon the deck, and still +know that I am there. And now I quit thee. Thy hand!—Met! True art +thou, lad, as the circumference to its centre. So: God for ever bless +thee; and if it come to that,—God for ever save thee, let what will +befall.” + +(_Ahab goes; Pip steps one step forward._) + +“Here he this instant stood; I stand in his air,—but I’m alone. Now +were even poor Pip here I could endure it, but he’s missing. Pip! Pip! +Ding, dong, ding! Who’s seen Pip? He must be up here; let’s try the +door. What? neither lock, nor bolt, nor bar; and yet there’s no opening +it. It must be the spell; he told me to stay here: Aye, and told me +this screwed chair was mine. Here, then, I’ll seat me, against the +transom, in the ship’s full middle, all her keel and her three masts +before me. Here, our old sailors say, in their black seventy-fours +great admirals sometimes sit at table, and lord it over rows of +captains and lieutenants. Ha! what’s this? epaulets! epaulets! the +epaulets all come crowding! Pass round the decanters; glad to see ye; +fill up, monsieurs! What an odd feeling, now, when a black boy’s host +to white men with gold lace upon their coats!—Monsieurs, have ye seen +one Pip?—a little negro lad, five feet high, hang-dog look, and +cowardly! Jumped from a whale-boat once;—seen him? No! Well then, fill +up again, captains, and let’s drink shame upon all cowards! I name no +names. Shame upon them! Put one foot upon the table. Shame upon all +cowards.—Hist! above there, I hear ivory—Oh, master! master! I am +indeed down-hearted when you walk over me. But here I’ll stay, though +this stern strikes rocks; and they bulge through; and oysters come to +join me.” + + +CHAPTER 130. The Hat. + +And now that at the proper time and place, after so long and wide a +preliminary cruise, Ahab,—all other whaling waters swept—seemed to have +chased his foe into an ocean-fold, to slay him the more securely there; +now, that he found himself hard by the very latitude and longitude +where his tormenting wound had been inflicted; now that a vessel had +been spoken which on the very day preceding had actually encountered +Moby Dick;—and now that all his successive meetings with various ships +contrastingly concurred to show the demoniac indifference with which +the white whale tore his hunters, whether sinning or sinned against; +now it was that there lurked a something in the old man’s eyes, which +it was hardly sufferable for feeble souls to see. As the unsetting +polar star, which through the livelong, arctic, six months’ night +sustains its piercing, steady, central gaze; so Ahab’s purpose now +fixedly gleamed down upon the constant midnight of the gloomy crew. It +domineered above them so, that all their bodings, doubts, misgivings, +fears, were fain to hide beneath their souls, and not sprout forth a +single spear or leaf. + +In this foreshadowing interval too, all humor, forced or natural, +vanished. Stubb no more strove to raise a smile; Starbuck no more +strove to check one. Alike, joy and sorrow, hope and fear, seemed +ground to finest dust, and powdered, for the time, in the clamped +mortar of Ahab’s iron soul. Like machines, they dumbly moved about the +deck, ever conscious that the old man’s despot eye was on them. + +But did you deeply scan him in his more secret confidential hours; when +he thought no glance but one was on him; then you would have seen that +even as Ahab’s eyes so awed the crew’s, the inscrutable Parsee’s glance +awed his; or somehow, at least, in some wild way, at times affected it. +Such an added, gliding strangeness began to invest the thin Fedallah +now; such ceaseless shudderings shook him; that the men looked dubious +at him; half uncertain, as it seemed, whether indeed he were a mortal +substance, or else a tremulous shadow cast upon the deck by some unseen +being’s body. And that shadow was always hovering there. For not by +night, even, had Fedallah ever certainly been known to slumber, or go +below. He would stand still for hours: but never sat or leaned; his wan +but wondrous eyes did plainly say—We two watchmen never rest. + +Nor, at any time, by night or day could the mariners now step upon the +deck, unless Ahab was before them; either standing in his pivot-hole, +or exactly pacing the planks between two undeviating limits,—the +main-mast and the mizen; or else they saw him standing in the +cabin-scuttle,—his living foot advanced upon the deck, as if to step; +his hat slouched heavily over his eyes; so that however motionless he +stood, however the days and nights were added on, that he had not swung +in his hammock; yet hidden beneath that slouching hat, they could never +tell unerringly whether, for all this, his eyes were really closed at +times; or whether he was still intently scanning them; no matter, +though he stood so in the scuttle for a whole hour on the stretch, and +the unheeded night-damp gathered in beads of dew upon that stone-carved +coat and hat. The clothes that the night had wet, the next day’s +sunshine dried upon him; and so, day after day, and night after night; +he went no more beneath the planks; whatever he wanted from the cabin +that thing he sent for. + +He ate in the same open air; that is, his two only meals,—breakfast and +dinner: supper he never touched; nor reaped his beard; which darkly +grew all gnarled, as unearthed roots of trees blown over, which still +grow idly on at naked base, though perished in the upper verdure. But +though his whole life was now become one watch on deck; and though the +Parsee’s mystic watch was without intermission as his own; yet these +two never seemed to speak—one man to the other—unless at long intervals +some passing unmomentous matter made it necessary. Though such a potent +spell seemed secretly to join the twain; openly, and to the awe-struck +crew, they seemed pole-like asunder. If by day they chanced to speak +one word; by night, dumb men were both, so far as concerned the +slightest verbal interchange. At times, for longest hours, without a +single hail, they stood far parted in the starlight; Ahab in his +scuttle, the Parsee by the mainmast; but still fixedly gazing upon each +other; as if in the Parsee Ahab saw his forethrown shadow, in Ahab the +Parsee his abandoned substance. + +And yet, somehow, did Ahab—in his own proper self, as daily, hourly, +and every instant, commandingly revealed to his subordinates,—Ahab +seemed an independent lord; the Parsee but his slave. Still again both +seemed yoked together, and an unseen tyrant driving them; the lean +shade siding the solid rib. For be this Parsee what he may, all rib and +keel was solid Ahab. + +At the first faintest glimmering of the dawn, his iron voice was heard +from aft,—“Man the mast-heads!”—and all through the day, till after +sunset and after twilight, the same voice every hour, at the striking +of the helmsman’s bell, was heard—“What d’ye see?—sharp! sharp!” + +But when three or four days had slided by, after meeting the +children-seeking Rachel; and no spout had yet been seen; the monomaniac +old man seemed distrustful of his crew’s fidelity; at least, of nearly +all except the Pagan harpooneers; he seemed to doubt, even, whether +Stubb and Flask might not willingly overlook the sight he sought. But +if these suspicions were really his, he sagaciously refrained from +verbally expressing them, however his actions might seem to hint them. + +“I will have the first sight of the whale myself,”—he said. “Aye! Ahab +must have the doubloon!” and with his own hands he rigged a nest of +basketed bowlines; and sending a hand aloft, with a single sheaved +block, to secure to the main-mast head, he received the two ends of the +downward-reeved rope; and attaching one to his basket prepared a pin +for the other end, in order to fasten it at the rail. This done, with +that end yet in his hand and standing beside the pin, he looked round +upon his crew, sweeping from one to the other; pausing his glance long +upon Daggoo, Queequeg, Tashtego; but shunning Fedallah; and then +settling his firm relying eye upon the chief mate, said,—“Take the +rope, sir—I give it into thy hands, Starbuck.” Then arranging his +person in the basket, he gave the word for them to hoist him to his +perch, Starbuck being the one who secured the rope at last; and +afterwards stood near it. And thus, with one hand clinging round the +royal mast, Ahab gazed abroad upon the sea for miles and miles,—ahead, +astern, this side, and that,—within the wide expanded circle commanded +at so great a height. + +When in working with his hands at some lofty almost isolated place in +the rigging, which chances to afford no foothold, the sailor at sea is +hoisted up to that spot, and sustained there by the rope; under these +circumstances, its fastened end on deck is always given in strict +charge to some one man who has the special watch of it. Because in such +a wilderness of running rigging, whose various different relations +aloft cannot always be infallibly discerned by what is seen of them at +the deck; and when the deck-ends of these ropes are being every few +minutes cast down from the fastenings, it would be but a natural +fatality, if, unprovided with a constant watchman, the hoisted sailor +should by some carelessness of the crew be cast adrift and fall all +swooping to the sea. So Ahab’s proceedings in this matter were not +unusual; the only strange thing about them seemed to be, that Starbuck, +almost the one only man who had ever ventured to oppose him with +anything in the slightest degree approaching to decision—one of those +too, whose faithfulness on the look-out he had seemed to doubt +somewhat;—it was strange, that this was the very man he should select +for his watchman; freely giving his whole life into such an otherwise +distrusted person’s hands. + +Now, the first time Ahab was perched aloft; ere he had been there ten +minutes; one of those red-billed savage sea-hawks which so often fly +incommodiously close round the manned mast-heads of whalemen in these +latitudes; one of these birds came wheeling and screaming round his +head in a maze of untrackably swift circlings. Then it darted a +thousand feet straight up into the air; then spiralized downwards, and +went eddying again round his head. + +But with his gaze fixed upon the dim and distant horizon, Ahab seemed +not to mark this wild bird; nor, indeed, would any one else have marked +it much, it being no uncommon circumstance; only now almost the least +heedful eye seemed to see some sort of cunning meaning in almost every +sight. + +“Your hat, your hat, sir!” suddenly cried the Sicilian seaman, who +being posted at the mizen-mast-head, stood directly behind Ahab, though +somewhat lower than his level, and with a deep gulf of air dividing +them. + +But already the sable wing was before the old man’s eyes; the long +hooked bill at his head: with a scream, the black hawk darted away with +his prize. + +An eagle flew thrice round Tarquin’s head, removing his cap to replace +it, and thereupon Tanaquil, his wife, declared that Tarquin would be +king of Rome. But only by the replacing of the cap was that omen +accounted good. Ahab’s hat was never restored; the wild hawk flew on +and on with it; far in advance of the prow: and at last disappeared; +while from the point of that disappearance, a minute black spot was +dimly discerned, falling from that vast height into the sea. + + +CHAPTER 131. The Pequod Meets The Delight. + +The intense Pequod sailed on; the rolling waves and days went by; the +life-buoy-coffin still lightly swung; and another ship, most miserably +misnamed the Delight, was descried. As she drew nigh, all eyes were +fixed upon her broad beams, called shears, which, in some +whaling-ships, cross the quarter-deck at the height of eight or nine +feet; serving to carry the spare, unrigged, or disabled boats. + +Upon the stranger’s shears were beheld the shattered, white ribs, and +some few splintered planks, of what had once been a whale-boat; but you +now saw through this wreck, as plainly as you see through the peeled, +half-unhinged, and bleaching skeleton of a horse. + +“Hast seen the White Whale?” + +“Look!” replied the hollow-cheeked captain from his taffrail; and with +his trumpet he pointed to the wreck. + +“Hast killed him?” + +“The harpoon is not yet forged that ever will do that,” answered the +other, sadly glancing upon a rounded hammock on the deck, whose +gathered sides some noiseless sailors were busy in sewing together. + +“Not forged!” and snatching Perth’s levelled iron from the crotch, Ahab +held it out, exclaiming—“Look ye, Nantucketer; here in this hand I hold +his death! Tempered in blood, and tempered by lightning are these +barbs; and I swear to temper them triply in that hot place behind the +fin, where the White Whale most feels his accursed life!” + +“Then God keep thee, old man—see’st thou that”—pointing to the +hammock—“I bury but one of five stout men, who were alive only +yesterday; but were dead ere night. Only _that_ one I bury; the rest +were buried before they died; you sail upon their tomb.” Then turning +to his crew—“Are ye ready there? place the plank then on the rail, and +lift the body; so, then—Oh! God”—advancing towards the hammock with +uplifted hands—“may the resurrection and the life——” + +“Brace forward! Up helm!” cried Ahab like lightning to his men. + +But the suddenly started Pequod was not quick enough to escape the +sound of the splash that the corpse soon made as it struck the sea; not +so quick, indeed, but that some of the flying bubbles might have +sprinkled her hull with their ghostly baptism. + +As Ahab now glided from the dejected Delight, the strange life-buoy +hanging at the Pequod’s stern came into conspicuous relief. + +“Ha! yonder! look yonder, men!” cried a foreboding voice in her wake. +“In vain, oh, ye strangers, ye fly our sad burial; ye but turn us your +taffrail to show us your coffin!” + + +CHAPTER 132. The Symphony. + +It was a clear steel-blue day. The firmaments of air and sea were +hardly separable in that all-pervading azure; only, the pensive air was +transparently pure and soft, with a woman’s look, and the robust and +man-like sea heaved with long, strong, lingering swells, as Samson’s +chest in his sleep. + +Hither, and thither, on high, glided the snow-white wings of small, +unspeckled birds; these were the gentle thoughts of the feminine air; +but to and fro in the deeps, far down in the bottomless blue, rushed +mighty leviathans, sword-fish, and sharks; and these were the strong, +troubled, murderous thinkings of the masculine sea. + +But though thus contrasting within, the contrast was only in shades and +shadows without; those two seemed one; it was only the sex, as it were, +that distinguished them. + +Aloft, like a royal czar and king, the sun seemed giving this gentle +air to this bold and rolling sea; even as bride to groom. And at the +girdling line of the horizon, a soft and tremulous motion—most seen +here at the equator—denoted the fond, throbbing trust, the loving +alarms, with which the poor bride gave her bosom away. + +Tied up and twisted; gnarled and knotted with wrinkles; haggardly firm +and unyielding; his eyes glowing like coals, that still glow in the +ashes of ruin; untottering Ahab stood forth in the clearness of the +morn; lifting his splintered helmet of a brow to the fair girl’s +forehead of heaven. + +Oh, immortal infancy, and innocency of the azure! Invisible winged +creatures that frolic all round us! Sweet childhood of air and sky! how +oblivious were ye of old Ahab’s close-coiled woe! But so have I seen +little Miriam and Martha, laughing-eyed elves, heedlessly gambol around +their old sire; sporting with the circle of singed locks which grew on +the marge of that burnt-out crater of his brain. + +Slowly crossing the deck from the scuttle, Ahab leaned over the side +and watched how his shadow in the water sank and sank to his gaze, the +more and the more that he strove to pierce the profundity. But the +lovely aromas in that enchanted air did at last seem to dispel, for a +moment, the cankerous thing in his soul. That glad, happy air, that +winsome sky, did at last stroke and caress him; the step-mother world, +so long cruel—forbidding—now threw affectionate arms round his stubborn +neck, and did seem to joyously sob over him, as if over one, that +however wilful and erring, she could yet find it in her heart to save +and to bless. From beneath his slouched hat Ahab dropped a tear into +the sea; nor did all the Pacific contain such wealth as that one wee +drop. + +Starbuck saw the old man; saw him, how he heavily leaned over the side; +and he seemed to hear in his own true heart the measureless sobbing +that stole out of the centre of the serenity around. Careful not to +touch him, or be noticed by him, he yet drew near to him, and stood +there. + +Ahab turned. + +“Starbuck!” + +“Sir.” + +“Oh, Starbuck! it is a mild, mild wind, and a mild looking sky. On such +a day—very much such a sweetness as this—I struck my first whale—a +boy-harpooneer of eighteen! Forty—forty—forty years ago!—ago! Forty +years of continual whaling! forty years of privation, and peril, and +storm-time! forty years on the pitiless sea! for forty years has Ahab +forsaken the peaceful land, for forty years to make war on the horrors +of the deep! Aye and yes, Starbuck, out of those forty years I have not +spent three ashore. When I think of this life I have led; the +desolation of solitude it has been; the masoned, walled-town of a +Captain’s exclusiveness, which admits but small entrance to any +sympathy from the green country without—oh, weariness! heaviness! +Guinea-coast slavery of solitary command!—when I think of all this; +only half-suspected, not so keenly known to me before—and how for forty +years I have fed upon dry salted fare—fit emblem of the dry nourishment +of my soil!—when the poorest landsman has had fresh fruit to his daily +hand, and broken the world’s fresh bread to my mouldy crusts—away, +whole oceans away, from that young girl-wife I wedded past fifty, and +sailed for Cape Horn the next day, leaving but one dent in my marriage +pillow—wife? wife?—rather a widow with her husband alive! Aye, I +widowed that poor girl when I married her, Starbuck; and then, the +madness, the frenzy, the boiling blood and the smoking brow, with +which, for a thousand lowerings old Ahab has furiously, foamingly +chased his prey—more a demon than a man!—aye, aye! what a forty years’ +fool—fool—old fool, has old Ahab been! Why this strife of the chase? +why weary, and palsy the arm at the oar, and the iron, and the lance? +how the richer or better is Ahab now? Behold. Oh, Starbuck! is it not +hard, that with this weary load I bear, one poor leg should have been +snatched from under me? Here, brush this old hair aside; it blinds me, +that I seem to weep. Locks so grey did never grow but from out some +ashes! But do I look very old, so very, very old, Starbuck? I feel +deadly faint, bowed, and humped, as though I were Adam, staggering +beneath the piled centuries since Paradise. God! God! God!—crack my +heart!—stave my brain!—mockery! mockery! bitter, biting mockery of grey +hairs, have I lived enough joy to wear ye; and seem and feel thus +intolerably old? Close! stand close to me, Starbuck; let me look into a +human eye; it is better than to gaze into sea or sky; better than to +gaze upon God. By the green land; by the bright hearth-stone! this is +the magic glass, man; I see my wife and my child in thine eye. No, no; +stay on board, on board!—lower not when I do; when branded Ahab gives +chase to Moby Dick. That hazard shall not be thine. No, no! not with +the far away home I see in that eye!” + +“Oh, my Captain! my Captain! noble soul! grand old heart, after all! +why should any one give chase to that hated fish! Away with me! let us +fly these deadly waters! let us home! Wife and child, too, are +Starbuck’s—wife and child of his brotherly, sisterly, play-fellow +youth; even as thine, sir, are the wife and child of thy loving, +longing, paternal old age! Away! let us away!—this instant let me alter +the course! How cheerily, how hilariously, O my Captain, would we bowl +on our way to see old Nantucket again! I think, sir, they have some +such mild blue days, even as this, in Nantucket.” + +“They have, they have. I have seen them—some summer days in the +morning. About this time—yes, it is his noon nap now—the boy +vivaciously wakes; sits up in bed; and his mother tells him of me, of +cannibal old me; how I am abroad upon the deep, but will yet come back +to dance him again.” + +“’Tis my Mary, my Mary herself! She promised that my boy, every +morning, should be carried to the hill to catch the first glimpse of +his father’s sail! Yes, yes! no more! it is done! we head for +Nantucket! Come, my Captain, study out the course, and let us away! +See, see! the boy’s face from the window! the boy’s hand on the hill!” + +But Ahab’s glance was averted; like a blighted fruit tree he shook, and +cast his last, cindered apple to the soil. + +“What is it, what nameless, inscrutable, unearthly thing is it; what +cozening, hidden lord and master, and cruel, remorseless emperor +commands me; that against all natural lovings and longings, I so keep +pushing, and crowding, and jamming myself on all the time; recklessly +making me ready to do what in my own proper, natural heart, I durst not +so much as dare? Is Ahab, Ahab? Is it I, God, or who, that lifts this +arm? But if the great sun move not of himself; but is as an errand-boy +in heaven; nor one single star can revolve, but by some invisible +power; how then can this one small heart beat; this one small brain +think thoughts; unless God does that beating, does that thinking, does +that living, and not I. By heaven, man, we are turned round and round +in this world, like yonder windlass, and Fate is the handspike. And all +the time, lo! that smiling sky, and this unsounded sea! Look! see yon +Albicore! who put it into him to chase and fang that flying-fish? Where +do murderers go, man! Who’s to doom, when the judge himself is dragged +to the bar? But it is a mild, mild wind, and a mild looking sky; and +the air smells now, as if it blew from a far-away meadow; they have +been making hay somewhere under the slopes of the Andes, Starbuck, and +the mowers are sleeping among the new-mown hay. Sleeping? Aye, toil we +how we may, we all sleep at last on the field. Sleep? Aye, and rust +amid greenness; as last year’s scythes flung down, and left in the +half-cut swaths—Starbuck!” + +But blanched to a corpse’s hue with despair, the Mate had stolen away. + +Ahab crossed the deck to gaze over on the other side; but started at +two reflected, fixed eyes in the water there. Fedallah was motionlessly +leaning over the same rail. + + +CHAPTER 133. The Chase—First Day. + +That night, in the mid-watch, when the old man—as his wont at +intervals—stepped forth from the scuttle in which he leaned, and went +to his pivot-hole, he suddenly thrust out his face fiercely, snuffing +up the sea air as a sagacious ship’s dog will, in drawing nigh to some +barbarous isle. He declared that a whale must be near. Soon that +peculiar odor, sometimes to a great distance given forth by the living +sperm whale, was palpable to all the watch; nor was any mariner +surprised when, after inspecting the compass, and then the dog-vane, +and then ascertaining the precise bearing of the odor as nearly as +possible, Ahab rapidly ordered the ship’s course to be slightly +altered, and the sail to be shortened. + +The acute policy dictating these movements was sufficiently vindicated +at daybreak, by the sight of a long sleek on the sea directly and +lengthwise ahead, smooth as oil, and resembling in the pleated watery +wrinkles bordering it, the polished metallic-like marks of some swift +tide-rip, at the mouth of a deep, rapid stream. + +“Man the mast-heads! Call all hands!” + +Thundering with the butts of three clubbed handspikes on the forecastle +deck, Daggoo roused the sleepers with such judgment claps that they +seemed to exhale from the scuttle, so instantaneously did they appear +with their clothes in their hands. + +“What d’ye see?” cried Ahab, flattening his face to the sky. + +“Nothing, nothing sir!” was the sound hailing down in reply. + +“T’gallant sails!—stunsails! alow and aloft, and on both sides!” + +All sail being set, he now cast loose the life-line, reserved for +swaying him to the main royal-mast head; and in a few moments they were +hoisting him thither, when, while but two thirds of the way aloft, and +while peering ahead through the horizontal vacancy between the +main-top-sail and top-gallant-sail, he raised a gull-like cry in the +air. “There she blows!—there she blows! A hump like a snow-hill! It is +Moby Dick!” + +Fired by the cry which seemed simultaneously taken up by the three +look-outs, the men on deck rushed to the rigging to behold the famous +whale they had so long been pursuing. Ahab had now gained his final +perch, some feet above the other look-outs, Tashtego standing just +beneath him on the cap of the top-gallant-mast, so that the Indian’s +head was almost on a level with Ahab’s heel. From this height the whale +was now seen some mile or so ahead, at every roll of the sea revealing +his high sparkling hump, and regularly jetting his silent spout into +the air. To the credulous mariners it seemed the same silent spout they +had so long ago beheld in the moonlit Atlantic and Indian Oceans. + +“And did none of ye see it before?” cried Ahab, hailing the perched men +all around him. + +“I saw him almost that same instant, sir, that Captain Ahab did, and I +cried out,” said Tashtego. + +“Not the same instant; not the same—no, the doubloon is mine, Fate +reserved the doubloon for me. _I_ only; none of ye could have raised +the White Whale first. There she blows!—there she blows!—there she +blows! There again!—there again!” he cried, in long-drawn, lingering, +methodic tones, attuned to the gradual prolongings of the whale’s +visible jets. “He’s going to sound! In stunsails! Down +top-gallant-sails! Stand by three boats. Mr. Starbuck, remember, stay +on board, and keep the ship. Helm there! Luff, luff a point! So; +steady, man, steady! There go flukes! No, no; only black water! All +ready the boats there? Stand by, stand by! Lower me, Mr. Starbuck; +lower, lower,—quick, quicker!” and he slid through the air to the deck. + +“He is heading straight to leeward, sir,” cried Stubb, “right away from +us; cannot have seen the ship yet.” + +“Be dumb, man! Stand by the braces! Hard down the helm!—brace up! +Shiver her!—shiver her!—So; well that! Boats, boats!” + +Soon all the boats but Starbuck’s were dropped; all the boat-sails +set—all the paddles plying; with rippling swiftness, shooting to +leeward; and Ahab heading the onset. A pale, death-glimmer lit up +Fedallah’s sunken eyes; a hideous motion gnawed his mouth. + +Like noiseless nautilus shells, their light prows sped through the sea; +but only slowly they neared the foe. As they neared him, the ocean grew +still more smooth; seemed drawing a carpet over its waves; seemed a +noon-meadow, so serenely it spread. At length the breathless hunter +came so nigh his seemingly unsuspecting prey, that his entire dazzling +hump was distinctly visible, sliding along the sea as if an isolated +thing, and continually set in a revolving ring of finest, fleecy, +greenish foam. He saw the vast, involved wrinkles of the slightly +projecting head beyond. Before it, far out on the soft Turkish-rugged +waters, went the glistening white shadow from his broad, milky +forehead, a musical rippling playfully accompanying the shade; and +behind, the blue waters interchangeably flowed over into the moving +valley of his steady wake; and on either hand bright bubbles arose and +danced by his side. But these were broken again by the light toes of +hundreds of gay fowl softly feathering the sea, alternate with their +fitful flight; and like to some flag-staff rising from the painted hull +of an argosy, the tall but shattered pole of a recent lance projected +from the white whale’s back; and at intervals one of the cloud of +soft-toed fowls hovering, and to and fro skimming like a canopy over +the fish, silently perched and rocked on this pole, the long tail +feathers streaming like pennons. + +A gentle joyousness—a mighty mildness of repose in swiftness, invested +the gliding whale. Not the white bull Jupiter swimming away with +ravished Europa clinging to his graceful horns; his lovely, leering +eyes sideways intent upon the maid; with smooth bewitching fleetness, +rippling straight for the nuptial bower in Crete; not Jove, not that +great majesty Supreme! did surpass the glorified White Whale as he so +divinely swam. + +On each soft side—coincident with the parted swell, that but once +leaving him, then flowed so wide away—on each bright side, the whale +shed off enticings. No wonder there had been some among the hunters who +namelessly transported and allured by all this serenity, had ventured +to assail it; but had fatally found that quietude but the vesture of +tornadoes. Yet calm, enticing calm, oh, whale! thou glidest on, to all +who for the first time eye thee, no matter how many in that same way +thou may’st have bejuggled and destroyed before. + +And thus, through the serene tranquillities of the tropical sea, among +waves whose hand-clappings were suspended by exceeding rapture, Moby +Dick moved on, still withholding from sight the full terrors of his +submerged trunk, entirely hiding the wrenched hideousness of his jaw. +But soon the fore part of him slowly rose from the water; for an +instant his whole marbleized body formed a high arch, like Virginia’s +Natural Bridge, and warningly waving his bannered flukes in the air, +the grand god revealed himself, sounded, and went out of sight. +Hoveringly halting, and dipping on the wing, the white sea-fowls +longingly lingered over the agitated pool that he left. + +With oars apeak, and paddles down, the sheets of their sails adrift, +the three boats now stilly floated, awaiting Moby Dick’s reappearance. + +“An hour,” said Ahab, standing rooted in his boat’s stern; and he gazed +beyond the whale’s place, towards the dim blue spaces and wide wooing +vacancies to leeward. It was only an instant; for again his eyes seemed +whirling round in his head as he swept the watery circle. The breeze +now freshened; the sea began to swell. + +“The birds!—the birds!” cried Tashtego. + +In long Indian file, as when herons take wing, the white birds were now +all flying towards Ahab’s boat; and when within a few yards began +fluttering over the water there, wheeling round and round, with joyous, +expectant cries. Their vision was keener than man’s; Ahab could +discover no sign in the sea. But suddenly as he peered down and down +into its depths, he profoundly saw a white living spot no bigger than a +white weasel, with wonderful celerity uprising, and magnifying as it +rose, till it turned, and then there were plainly revealed two long +crooked rows of white, glistening teeth, floating up from the +undiscoverable bottom. It was Moby Dick’s open mouth and scrolled jaw; +his vast, shadowed bulk still half blending with the blue of the sea. +The glittering mouth yawned beneath the boat like an open-doored marble +tomb; and giving one sidelong sweep with his steering oar, Ahab whirled +the craft aside from this tremendous apparition. Then, calling upon +Fedallah to change places with him, went forward to the bows, and +seizing Perth’s harpoon, commanded his crew to grasp their oars and +stand by to stern. + +Now, by reason of this timely spinning round the boat upon its axis, +its bow, by anticipation, was made to face the whale’s head while yet +under water. But as if perceiving this stratagem, Moby Dick, with that +malicious intelligence ascribed to him, sidelingly transplanted +himself, as it were, in an instant, shooting his pleated head +lengthwise beneath the boat. + +Through and through; through every plank and each rib, it thrilled for +an instant, the whale obliquely lying on his back, in the manner of a +biting shark, slowly and feelingly taking its bows full within his +mouth, so that the long, narrow, scrolled lower jaw curled high up into +the open air, and one of the teeth caught in a row-lock. The bluish +pearl-white of the inside of the jaw was within six inches of Ahab’s +head, and reached higher than that. In this attitude the White Whale +now shook the slight cedar as a mildly cruel cat her mouse. With +unastonished eyes Fedallah gazed, and crossed his arms; but the +tiger-yellow crew were tumbling over each other’s heads to gain the +uttermost stern. + +And now, while both elastic gunwales were springing in and out, as the +whale dallied with the doomed craft in this devilish way; and from his +body being submerged beneath the boat, he could not be darted at from +the bows, for the bows were almost inside of him, as it were; and while +the other boats involuntarily paused, as before a quick crisis +impossible to withstand, then it was that monomaniac Ahab, furious with +this tantalizing vicinity of his foe, which placed him all alive and +helpless in the very jaws he hated; frenzied with all this, he seized +the long bone with his naked hands, and wildly strove to wrench it from +its gripe. As now he thus vainly strove, the jaw slipped from him; the +frail gunwales bent in, collapsed, and snapped, as both jaws, like an +enormous shears, sliding further aft, bit the craft completely in +twain, and locked themselves fast again in the sea, midway between the +two floating wrecks. These floated aside, the broken ends drooping, the +crew at the stern-wreck clinging to the gunwales, and striving to hold +fast to the oars to lash them across. + +At that preluding moment, ere the boat was yet snapped, Ahab, the first +to perceive the whale’s intent, by the crafty upraising of his head, a +movement that loosed his hold for the time; at that moment his hand had +made one final effort to push the boat out of the bite. But only +slipping further into the whale’s mouth, and tilting over sideways as +it slipped, the boat had shaken off his hold on the jaw; spilled him +out of it, as he leaned to the push; and so he fell flat-faced upon the +sea. + +Ripplingly withdrawing from his prey, Moby Dick now lay at a little +distance, vertically thrusting his oblong white head up and down in the +billows; and at the same time slowly revolving his whole spindled body; +so that when his vast wrinkled forehead rose—some twenty or more feet +out of the water—the now rising swells, with all their confluent waves, +dazzlingly broke against it; vindictively tossing their shivered spray +still higher into the air.* So, in a gale, the but half baffled Channel +billows only recoil from the base of the Eddystone, triumphantly to +overleap its summit with their scud. + +*This motion is peculiar to the sperm whale. It receives its +designation (pitchpoling) from its being likened to that preliminary +up-and-down poise of the whale-lance, in the exercise called +pitchpoling, previously described. By this motion the whale must best +and most comprehensively view whatever objects may be encircling him. + +But soon resuming his horizontal attitude, Moby Dick swam swiftly round +and round the wrecked crew; sideways churning the water in his vengeful +wake, as if lashing himself up to still another and more deadly +assault. The sight of the splintered boat seemed to madden him, as the +blood of grapes and mulberries cast before Antiochus’s elephants in the +book of Maccabees. Meanwhile Ahab half smothered in the foam of the +whale’s insolent tail, and too much of a cripple to swim,—though he +could still keep afloat, even in the heart of such a whirlpool as that; +helpless Ahab’s head was seen, like a tossed bubble which the least +chance shock might burst. From the boat’s fragmentary stern, Fedallah +incuriously and mildly eyed him; the clinging crew, at the other +drifting end, could not succor him; more than enough was it for them to +look to themselves. For so revolvingly appalling was the White Whale’s +aspect, and so planetarily swift the ever-contracting circles he made, +that he seemed horizontally swooping upon them. And though the other +boats, unharmed, still hovered hard by; still they dared not pull into +the eddy to strike, lest that should be the signal for the instant +destruction of the jeopardized castaways, Ahab and all; nor in that +case could they themselves hope to escape. With straining eyes, then, +they remained on the outer edge of the direful zone, whose centre had +now become the old man’s head. + +Meantime, from the beginning all this had been descried from the ship’s +mast heads; and squaring her yards, she had borne down upon the scene; +and was now so nigh, that Ahab in the water hailed her!—“Sail on +the”—but that moment a breaking sea dashed on him from Moby Dick, and +whelmed him for the time. But struggling out of it again, and chancing +to rise on a towering crest, he shouted,—“Sail on the whale!—Drive him +off!” + +The Pequod’s prows were pointed; and breaking up the charmed circle, +she effectually parted the white whale from his victim. As he sullenly +swam off, the boats flew to the rescue. + +Dragged into Stubb’s boat with blood-shot, blinded eyes, the white +brine caking in his wrinkles; the long tension of Ahab’s bodily +strength did crack, and helplessly he yielded to his body’s doom: for a +time, lying all crushed in the bottom of Stubb’s boat, like one trodden +under foot of herds of elephants. Far inland, nameless wails came from +him, as desolate sounds from out ravines. + +But this intensity of his physical prostration did but so much the more +abbreviate it. In an instant’s compass, great hearts sometimes condense +to one deep pang, the sum total of those shallow pains kindly diffused +through feebler men’s whole lives. And so, such hearts, though summary +in each one suffering; still, if the gods decree it, in their life-time +aggregate a whole age of woe, wholly made up of instantaneous +intensities; for even in their pointless centres, those noble natures +contain the entire circumferences of inferior souls. + +“The harpoon,” said Ahab, half way rising, and draggingly leaning on +one bended arm—“is it safe?” + +“Aye, sir, for it was not darted; this is it,” said Stubb, showing it. + +“Lay it before me;—any missing men?” + +“One, two, three, four, five;—there were five oars, sir, and here are +five men.” + +“That’s good.—Help me, man; I wish to stand. So, so, I see him! there! +there! going to leeward still; what a leaping spout!—Hands off from me! +The eternal sap runs up in Ahab’s bones again! Set the sail; out oars; +the helm!” + +It is often the case that when a boat is stove, its crew, being picked +up by another boat, help to work that second boat; and the chase is +thus continued with what is called double-banked oars. It was thus now. +But the added power of the boat did not equal the added power of the +whale, for he seemed to have treble-banked his every fin; swimming with +a velocity which plainly showed, that if now, under these +circumstances, pushed on, the chase would prove an indefinitely +prolonged, if not a hopeless one; nor could any crew endure for so long +a period, such an unintermitted, intense straining at the oar; a thing +barely tolerable only in some one brief vicissitude. The ship itself, +then, as it sometimes happens, offered the most promising intermediate +means of overtaking the chase. Accordingly, the boats now made for her, +and were soon swayed up to their cranes—the two parts of the wrecked +boat having been previously secured by her—and then hoisting everything +to her side, and stacking her canvas high up, and sideways +outstretching it with stun-sails, like the double-jointed wings of an +albatross; the Pequod bore down in the leeward wake of Moby-Dick. At +the well known, methodic intervals, the whale’s glittering spout was +regularly announced from the manned mast-heads; and when he would be +reported as just gone down, Ahab would take the time, and then pacing +the deck, binnacle-watch in hand, so soon as the last second of the +allotted hour expired, his voice was heard.—“Whose is the doubloon now? +D’ye see him?” and if the reply was, No, sir! straightway he commanded +them to lift him to his perch. In this way the day wore on; Ahab, now +aloft and motionless; anon, unrestingly pacing the planks. + +As he was thus walking, uttering no sound, except to hail the men +aloft, or to bid them hoist a sail still higher, or to spread one to a +still greater breadth—thus to and fro pacing, beneath his slouched hat, +at every turn he passed his own wrecked boat, which had been dropped +upon the quarter-deck, and lay there reversed; broken bow to shattered +stern. At last he paused before it; and as in an already over-clouded +sky fresh troops of clouds will sometimes sail across, so over the old +man’s face there now stole some such added gloom as this. + +Stubb saw him pause; and perhaps intending, not vainly, though, to +evince his own unabated fortitude, and thus keep up a valiant place in +his Captain’s mind, he advanced, and eyeing the wreck exclaimed—“The +thistle the ass refused; it pricked his mouth too keenly, sir; ha! ha!” + +“What soulless thing is this that laughs before a wreck? Man, man! did +I not know thee brave as fearless fire (and as mechanical) I could +swear thou wert a poltroon. Groan nor laugh should be heard before a +wreck.” + +“Aye, sir,” said Starbuck drawing near, “’tis a solemn sight; an omen, +and an ill one.” + +“Omen? omen?—the dictionary! If the gods think to speak outright to +man, they will honorably speak outright; not shake their heads, and +give an old wives’ darkling hint.—Begone! Ye two are the opposite poles +of one thing; Starbuck is Stubb reversed, and Stubb is Starbuck; and ye +two are all mankind; and Ahab stands alone among the millions of the +peopled earth, nor gods nor men his neighbors! Cold, cold—I shiver!—How +now? Aloft there! D’ye see him? Sing out for every spout, though he +spout ten times a second!” + +The day was nearly done; only the hem of his golden robe was rustling. +Soon, it was almost dark, but the look-out men still remained unset. + +“Can’t see the spout now, sir;—too dark”—cried a voice from the air. + +“How heading when last seen?” + +“As before, sir,—straight to leeward.” + +“Good! he will travel slower now ’tis night. Down royals and +top-gallant stun-sails, Mr. Starbuck. We must not run over him before +morning; he’s making a passage now, and may heave-to a while. Helm +there! keep her full before the wind!—Aloft! come down!—Mr. Stubb, send +a fresh hand to the fore-mast head, and see it manned till +morning.”—Then advancing towards the doubloon in the main-mast—“Men, +this gold is mine, for I earned it; but I shall let it abide here till +the White Whale is dead; and then, whosoever of ye first raises him, +upon the day he shall be killed, this gold is that man’s; and if on +that day I shall again raise him, then, ten times its sum shall be +divided among all of ye! Away now!—the deck is thine, sir!” + +And so saying, he placed himself half way within the scuttle, and +slouching his hat, stood there till dawn, except when at intervals +rousing himself to see how the night wore on. + + +CHAPTER 134. The Chase—Second Day. + +At day-break, the three mast-heads were punctually manned afresh. + +“D’ye see him?” cried Ahab after allowing a little space for the light +to spread. + +“See nothing, sir.” + +“Turn up all hands and make sail! he travels faster than I thought +for;—the top-gallant sails!—aye, they should have been kept on her all +night. But no matter—’tis but resting for the rush.” + +Here be it said, that this pertinacious pursuit of one particular +whale, continued through day into night, and through night into day, is +a thing by no means unprecedented in the South sea fishery. For such is +the wonderful skill, prescience of experience, and invincible +confidence acquired by some great natural geniuses among the Nantucket +commanders; that from the simple observation of a whale when last +descried, they will, under certain given circumstances, pretty +accurately foretell both the direction in which he will continue to +swim for a time, while out of sight, as well as his probable rate of +progression during that period. And, in these cases, somewhat as a +pilot, when about losing sight of a coast, whose general trending he +well knows, and which he desires shortly to return to again, but at +some further point; like as this pilot stands by his compass, and takes +the precise bearing of the cape at present visible, in order the more +certainly to hit aright the remote, unseen headland, eventually to be +visited: so does the fisherman, at his compass, with the whale; for +after being chased, and diligently marked, through several hours of +daylight, then, when night obscures the fish, the creature’s future +wake through the darkness is almost as established to the sagacious +mind of the hunter, as the pilot’s coast is to him. So that to this +hunter’s wondrous skill, the proverbial evanescence of a thing writ in +water, a wake, is to all desired purposes well nigh as reliable as the +steadfast land. And as the mighty iron Leviathan of the modern railway +is so familiarly known in its every pace, that, with watches in their +hands, men time his rate as doctors that of a baby’s pulse; and lightly +say of it, the up train or the down train will reach such or such a +spot, at such or such an hour; even so, almost, there are occasions +when these Nantucketers time that other Leviathan of the deep, +according to the observed humor of his speed; and say to themselves, so +many hours hence this whale will have gone two hundred miles, will have +about reached this or that degree of latitude or longitude. But to +render this acuteness at all successful in the end, the wind and the +sea must be the whaleman’s allies; for of what present avail to the +becalmed or windbound mariner is the skill that assures him he is +exactly ninety-three leagues and a quarter from his port? Inferable +from these statements, are many collateral subtile matters touching the +chase of whales. + +The ship tore on; leaving such a furrow in the sea as when a +cannon-ball, missent, becomes a plough-share and turns up the level +field. + +“By salt and hemp!” cried Stubb, “but this swift motion of the deck +creeps up one’s legs and tingles at the heart. This ship and I are two +brave fellows!—Ha, ha! Some one take me up, and launch me, spine-wise, +on the sea,—for by live-oaks! my spine’s a keel. Ha, ha! we go the gait +that leaves no dust behind!” + +“There she blows—she blows!—she blows!—right ahead!” was now the +mast-head cry. + +“Aye, aye!” cried Stubb, “I knew it—ye can’t escape—blow on and split +your spout, O whale! the mad fiend himself is after ye! blow your +trump—blister your lungs!—Ahab will dam off your blood, as a miller +shuts his watergate upon the stream!” + +And Stubb did but speak out for well nigh all that crew. The frenzies +of the chase had by this time worked them bubblingly up, like old wine +worked anew. Whatever pale fears and forebodings some of them might +have felt before; these were not only now kept out of sight through the +growing awe of Ahab, but they were broken up, and on all sides routed, +as timid prairie hares that scatter before the bounding bison. The hand +of Fate had snatched all their souls; and by the stirring perils of the +previous day; the rack of the past night’s suspense; the fixed, +unfearing, blind, reckless way in which their wild craft went plunging +towards its flying mark; by all these things, their hearts were bowled +along. The wind that made great bellies of their sails, and rushed the +vessel on by arms invisible as irresistible; this seemed the symbol of +that unseen agency which so enslaved them to the race. + +They were one man, not thirty. For as the one ship that held them all; +though it was put together of all contrasting things—oak, and maple, +and pine wood; iron, and pitch, and hemp—yet all these ran into each +other in the one concrete hull, which shot on its way, both balanced +and directed by the long central keel; even so, all the individualities +of the crew, this man’s valor, that man’s fear; guilt and guiltiness, +all varieties were welded into oneness, and were all directed to that +fatal goal which Ahab their one lord and keel did point to. + +The rigging lived. The mast-heads, like the tops of tall palms, were +outspreadingly tufted with arms and legs. Clinging to a spar with one +hand, some reached forth the other with impatient wavings; others, +shading their eyes from the vivid sunlight, sat far out on the rocking +yards; all the spars in full bearing of mortals, ready and ripe for +their fate. Ah! how they still strove through that infinite blueness to +seek out the thing that might destroy them! + +“Why sing ye not out for him, if ye see him?” cried Ahab, when, after +the lapse of some minutes since the first cry, no more had been heard. +“Sway me up, men; ye have been deceived; not Moby Dick casts one odd +jet that way, and then disappears.” + +It was even so; in their headlong eagerness, the men had mistaken some +other thing for the whale-spout, as the event itself soon proved; for +hardly had Ahab reached his perch; hardly was the rope belayed to its +pin on deck, when he struck the key-note to an orchestra, that made the +air vibrate as with the combined discharges of rifles. The triumphant +halloo of thirty buckskin lungs was heard, as—much nearer to the ship +than the place of the imaginary jet, less than a mile ahead—Moby Dick +bodily burst into view! For not by any calm and indolent spoutings; not +by the peaceable gush of that mystic fountain in his head, did the +White Whale now reveal his vicinity; but by the far more wondrous +phenomenon of breaching. Rising with his utmost velocity from the +furthest depths, the Sperm Whale thus booms his entire bulk into the +pure element of air, and piling up a mountain of dazzling foam, shows +his place to the distance of seven miles and more. In those moments, +the torn, enraged waves he shakes off, seem his mane; in some cases, +this breaching is his act of defiance. + +“There she breaches! there she breaches!” was the cry, as in his +immeasurable bravadoes the White Whale tossed himself salmon-like to +Heaven. So suddenly seen in the blue plain of the sea, and relieved +against the still bluer margin of the sky, the spray that he raised, +for the moment, intolerably glittered and glared like a glacier; and +stood there gradually fading and fading away from its first sparkling +intensity, to the dim mistiness of an advancing shower in a vale. + +“Aye, breach your last to the sun, Moby Dick!” cried Ahab, “thy hour +and thy harpoon are at hand!—Down! down all of ye, but one man at the +fore. The boats!—stand by!” + +Unmindful of the tedious rope-ladders of the shrouds, the men, like +shooting stars, slid to the deck, by the isolated backstays and +halyards; while Ahab, less dartingly, but still rapidly was dropped +from his perch. + +“Lower away,” he cried, so soon as he had reached his boat—a spare one, +rigged the afternoon previous. “Mr. Starbuck, the ship is thine—keep +away from the boats, but keep near them. Lower, all!” + +As if to strike a quick terror into them, by this time being the first +assailant himself, Moby Dick had turned, and was now coming for the +three crews. Ahab’s boat was central; and cheering his men, he told +them he would take the whale head-and-head,—that is, pull straight up +to his forehead,—a not uncommon thing; for when within a certain limit, +such a course excludes the coming onset from the whale’s sidelong +vision. But ere that close limit was gained, and while yet all three +boats were plain as the ship’s three masts to his eye; the White Whale +churning himself into furious speed, almost in an instant as it were, +rushing among the boats with open jaws, and a lashing tail, offered +appalling battle on every side; and heedless of the irons darted at him +from every boat, seemed only intent on annihilating each separate plank +of which those boats were made. But skilfully manœuvred, incessantly +wheeling like trained chargers in the field; the boats for a while +eluded him; though, at times, but by a plank’s breadth; while all the +time, Ahab’s unearthly slogan tore every other cry but his to shreds. + +But at last in his untraceable evolutions, the White Whale so crossed +and recrossed, and in a thousand ways entangled the slack of the three +lines now fast to him, that they foreshortened, and, of themselves, +warped the devoted boats towards the planted irons in him; though now +for a moment the whale drew aside a little, as if to rally for a more +tremendous charge. Seizing that opportunity, Ahab first paid out more +line: and then was rapidly hauling and jerking in upon it again—hoping +that way to disencumber it of some snarls—when lo!—a sight more savage +than the embattled teeth of sharks! + +Caught and twisted—corkscrewed in the mazes of the line, loose harpoons +and lances, with all their bristling barbs and points, came flashing +and dripping up to the chocks in the bows of Ahab’s boat. Only one +thing could be done. Seizing the boat-knife, he critically reached +within—through—and then, without—the rays of steel; dragged in the line +beyond, passed it, inboard, to the bowsman, and then, twice sundering +the rope near the chocks—dropped the intercepted fagot of steel into +the sea; and was all fast again. That instant, the White Whale made a +sudden rush among the remaining tangles of the other lines; by so +doing, irresistibly dragged the more involved boats of Stubb and Flask +towards his flukes; dashed them together like two rolling husks on a +surf-beaten beach, and then, diving down into the sea, disappeared in a +boiling maelstrom, in which, for a space, the odorous cedar chips of +the wrecks danced round and round, like the grated nutmeg in a swiftly +stirred bowl of punch. + +While the two crews were yet circling in the waters, reaching out after +the revolving line-tubs, oars, and other floating furniture, while +aslope little Flask bobbed up and down like an empty vial, twitching +his legs upwards to escape the dreaded jaws of sharks; and Stubb was +lustily singing out for some one to ladle him up; and while the old +man’s line—now parting—admitted of his pulling into the creamy pool to +rescue whom he could;—in that wild simultaneousness of a thousand +concreted perils,—Ahab’s yet unstricken boat seemed drawn up towards +Heaven by invisible wires,—as, arrow-like, shooting perpendicularly +from the sea, the White Whale dashed his broad forehead against its +bottom, and sent it, turning over and over, into the air; till it fell +again—gunwale downwards—and Ahab and his men struggled out from under +it, like seals from a sea-side cave. + +The first uprising momentum of the whale—modifying its direction as he +struck the surface—involuntarily launched him along it, to a little +distance from the centre of the destruction he had made; and with his +back to it, he now lay for a moment slowly feeling with his flukes from +side to side; and whenever a stray oar, bit of plank, the least chip or +crumb of the boats touched his skin, his tail swiftly drew back, and +came sideways smiting the sea. But soon, as if satisfied that his work +for that time was done, he pushed his pleated forehead through the +ocean, and trailing after him the intertangled lines, continued his +leeward way at a traveller’s methodic pace. + +As before, the attentive ship having descried the whole fight, again +came bearing down to the rescue, and dropping a boat, picked up the +floating mariners, tubs, oars, and whatever else could be caught at, +and safely landed them on her decks. Some sprained shoulders, wrists, +and ankles; livid contusions; wrenched harpoons and lances; +inextricable intricacies of rope; shattered oars and planks; all these +were there; but no fatal or even serious ill seemed to have befallen +any one. As with Fedallah the day before, so Ahab was now found grimly +clinging to his boat’s broken half, which afforded a comparatively easy +float; nor did it so exhaust him as the previous day’s mishap. + +But when he was helped to the deck, all eyes were fastened upon him; as +instead of standing by himself he still half-hung upon the shoulder of +Starbuck, who had thus far been the foremost to assist him. His ivory +leg had been snapped off, leaving but one short sharp splinter. + +“Aye, aye, Starbuck, ’tis sweet to lean sometimes, be the leaner who he +will; and would old Ahab had leaned oftener than he has.” + +“The ferrule has not stood, sir,” said the carpenter, now coming up; “I +put good work into that leg.” + +“But no bones broken, sir, I hope,” said Stubb with true concern. + +“Aye! and all splintered to pieces, Stubb!—d’ye see it.—But even with a +broken bone, old Ahab is untouched; and I account no living bone of +mine one jot more me, than this dead one that’s lost. Nor white whale, +nor man, nor fiend, can so much as graze old Ahab in his own proper and +inaccessible being. Can any lead touch yonder floor, any mast scrape +yonder roof?—Aloft there! which way?” + +“Dead to leeward, sir.” + +“Up helm, then; pile on the sail again, ship keepers! down the rest of +the spare boats and rig them—Mr. Starbuck away, and muster the boat’s +crews.” + +“Let me first help thee towards the bulwarks, sir.” + +“Oh, oh, oh! how this splinter gores me now! Accursed fate! that the +unconquerable captain in the soul should have such a craven mate!” + +“Sir?” + +“My body, man, not thee. Give me something for a cane—there, that +shivered lance will do. Muster the men. Surely I have not seen him yet. +By heaven it cannot be!—missing?—quick! call them all.” + +The old man’s hinted thought was true. Upon mustering the company, the +Parsee was not there. + +“The Parsee!” cried Stubb—“he must have been caught in——” + +“The black vomit wrench thee!—run all of ye above, alow, cabin, +forecastle—find him—not gone—not gone!” + +But quickly they returned to him with the tidings that the Parsee was +nowhere to be found. + +“Aye, sir,” said Stubb—“caught among the tangles of your line—I thought +I saw him dragging under.” + +“_My_ line! _my_ line? Gone?—gone? What means that little word?—What +death-knell rings in it, that old Ahab shakes as if he were the belfry. +The harpoon, too!—toss over the litter there,—d’ye see it?—the forged +iron, men, the white whale’s—no, no, no,—blistered fool! this hand did +dart it!—’tis in the fish!—Aloft there! Keep him nailed—Quick!—all +hands to the rigging of the boats—collect the oars—harpooneers! the +irons, the irons!—hoist the royals higher—a pull on all the +sheets!—helm there! steady, steady for your life! I’ll ten times girdle +the unmeasured globe; yea and dive straight through it, but I’ll slay +him yet!” + +“Great God! but for one single instant show thyself,” cried Starbuck; +“never, never wilt thou capture him, old man—In Jesus’ name no more of +this, that’s worse than devil’s madness. Two days chased; twice stove +to splinters; thy very leg once more snatched from under thee; thy evil +shadow gone—all good angels mobbing thee with warnings:—what more +wouldst thou have?—Shall we keep chasing this murderous fish till he +swamps the last man? Shall we be dragged by him to the bottom of the +sea? Shall we be towed by him to the infernal world? Oh, oh,—Impiety +and blasphemy to hunt him more!” + +“Starbuck, of late I’ve felt strangely moved to thee; ever since that +hour we both saw—thou know’st what, in one another’s eyes. But in this +matter of the whale, be the front of thy face to me as the palm of this +hand—a lipless, unfeatured blank. Ahab is for ever Ahab, man. This +whole act’s immutably decreed. ’Twas rehearsed by thee and me a billion +years before this ocean rolled. Fool! I am the Fates’ lieutenant; I act +under orders. Look thou, underling! that thou obeyest mine.—Stand round +me, men. Ye see an old man cut down to the stump; leaning on a shivered +lance; propped up on a lonely foot. ’Tis Ahab—his body’s part; but +Ahab’s soul’s a centipede, that moves upon a hundred legs. I feel +strained, half stranded, as ropes that tow dismasted frigates in a +gale; and I may look so. But ere I break, ye’ll hear me crack; and till +ye hear _that_, know that Ahab’s hawser tows his purpose yet. Believe +ye, men, in the things called omens? Then laugh aloud, and cry encore! +For ere they drown, drowning things will twice rise to the surface; +then rise again, to sink for evermore. So with Moby Dick—two days he’s +floated—tomorrow will be the third. Aye, men, he’ll rise once more,—but +only to spout his last! D’ye feel brave men, brave?” + +“As fearless fire,” cried Stubb. + +“And as mechanical,” muttered Ahab. Then as the men went forward, he +muttered on: “The things called omens! And yesterday I talked the same +to Starbuck there, concerning my broken boat. Oh! how valiantly I seek +to drive out of others’ hearts what’s clinched so fast in mine!—The +Parsee—the Parsee!—gone, gone? and he was to go before:—but still was +to be seen again ere I could perish—How’s that?—There’s a riddle now +might baffle all the lawyers backed by the ghosts of the whole line of +judges:—like a hawk’s beak it pecks my brain. _I’ll_, _I’ll_ solve it, +though!” + +When dusk descended, the whale was still in sight to leeward. + +So once more the sail was shortened, and everything passed nearly as on +the previous night; only, the sound of hammers, and the hum of the +grindstone was heard till nearly daylight, as the men toiled by +lanterns in the complete and careful rigging of the spare boats and +sharpening their fresh weapons for the morrow. Meantime, of the broken +keel of Ahab’s wrecked craft the carpenter made him another leg; while +still as on the night before, slouched Ahab stood fixed within his +scuttle; his hid, heliotrope glance anticipatingly gone backward on its +dial; sat due eastward for the earliest sun. + + +CHAPTER 135. The Chase.—Third Day. + +The morning of the third day dawned fair and fresh, and once more the +solitary night-man at the fore-mast-head was relieved by crowds of the +daylight look-outs, who dotted every mast and almost every spar. + +“D’ye see him?” cried Ahab; but the whale was not yet in sight. + +“In his infallible wake, though; but follow that wake, that’s all. Helm +there; steady, as thou goest, and hast been going. What a lovely day +again! were it a new-made world, and made for a summer-house to the +angels, and this morning the first of its throwing open to them, a +fairer day could not dawn upon that world. Here’s food for thought, had +Ahab time to think; but Ahab never thinks; he only feels, feels, feels; +_that’s_ tingling enough for mortal man! to think’s audacity. God only +has that right and privilege. Thinking is, or ought to be, a coolness +and a calmness; and our poor hearts throb, and our poor brains beat too +much for that. And yet, I’ve sometimes thought my brain was very +calm—frozen calm, this old skull cracks so, like a glass in which the +contents turned to ice, and shiver it. And still this hair is growing +now; this moment growing, and heat must breed it; but no, it’s like +that sort of common grass that will grow anywhere, between the earthy +clefts of Greenland ice or in Vesuvius lava. How the wild winds blow +it; they whip it about me as the torn shreds of split sails lash the +tossed ship they cling to. A vile wind that has no doubt blown ere this +through prison corridors and cells, and wards of hospitals, and +ventilated them, and now comes blowing hither as innocent as fleeces. +Out upon it!—it’s tainted. Were I the wind, I’d blow no more on such a +wicked, miserable world. I’d crawl somewhere to a cave, and slink +there. And yet, ’tis a noble and heroic thing, the wind! who ever +conquered it? In every fight it has the last and bitterest blow. Run +tilting at it, and you but run through it. Ha! a coward wind that +strikes stark naked men, but will not stand to receive a single blow. +Even Ahab is a braver thing—a nobler thing than _that_. Would now the +wind but had a body; but all the things that most exasperate and +outrage mortal man, all these things are bodiless, but only bodiless as +objects, not as agents. There’s a most special, a most cunning, oh, a +most malicious difference! And yet, I say again, and swear it now, that +there’s something all glorious and gracious in the wind. These warm +Trade Winds, at least, that in the clear heavens blow straight on, in +strong and steadfast, vigorous mildness; and veer not from their mark, +however the baser currents of the sea may turn and tack, and mightiest +Mississippies of the land swift and swerve about, uncertain where to go +at last. And by the eternal Poles! these same Trades that so directly +blow my good ship on; these Trades, or something like them—something so +unchangeable, and full as strong, blow my keeled soul along! To it! +Aloft there! What d’ye see?” + +“Nothing, sir.” + +“Nothing! and noon at hand! The doubloon goes a-begging! See the sun! +Aye, aye, it must be so. I’ve oversailed him. How, got the start? Aye, +he’s chasing _me_ now; not I, _him_—that’s bad; I might have known it, +too. Fool! the lines—the harpoons he’s towing. Aye, aye, I have run him +by last night. About! about! Come down, all of ye, but the regular look +outs! Man the braces!” + +Steering as she had done, the wind had been somewhat on the Pequod’s +quarter, so that now being pointed in the reverse direction, the braced +ship sailed hard upon the breeze as she rechurned the cream in her own +white wake. + +“Against the wind he now steers for the open jaw,” murmured Starbuck to +himself, as he coiled the new-hauled main-brace upon the rail. “God +keep us, but already my bones feel damp within me, and from the inside +wet my flesh. I misdoubt me that I disobey my God in obeying him!” + +“Stand by to sway me up!” cried Ahab, advancing to the hempen basket. +“We should meet him soon.” + +“Aye, aye, sir,” and straightway Starbuck did Ahab’s bidding, and once +more Ahab swung on high. + +A whole hour now passed; gold-beaten out to ages. Time itself now held +long breaths with keen suspense. But at last, some three points off the +weather bow, Ahab descried the spout again, and instantly from the +three mast-heads three shrieks went up as if the tongues of fire had +voiced it. + +“Forehead to forehead I meet thee, this third time, Moby Dick! On deck +there!—brace sharper up; crowd her into the wind’s eye. He’s too far +off to lower yet, Mr. Starbuck. The sails shake! Stand over that +helmsman with a top-maul! So, so; he travels fast, and I must down. But +let me have one more good round look aloft here at the sea; there’s +time for that. An old, old sight, and yet somehow so young; aye, and +not changed a wink since I first saw it, a boy, from the sand-hills of +Nantucket! The same!—the same!—the same to Noah as to me. There’s a +soft shower to leeward. Such lovely leewardings! They must lead +somewhere—to something else than common land, more palmy than the +palms. Leeward! the white whale goes that way; look to windward, then; +the better if the bitterer quarter. But good bye, good bye, old +mast-head! What’s this?—green? aye, tiny mosses in these warped cracks. +No such green weather stains on Ahab’s head! There’s the difference now +between man’s old age and matter’s. But aye, old mast, we both grow old +together; sound in our hulls, though, are we not, my ship? Aye, minus a +leg, that’s all. By heaven this dead wood has the better of my live +flesh every way. I can’t compare with it; and I’ve known some ships +made of dead trees outlast the lives of men made of the most vital +stuff of vital fathers. What’s that he said? he should still go before +me, my pilot; and yet to be seen again? But where? Will I have eyes at +the bottom of the sea, supposing I descend those endless stairs? and +all night I’ve been sailing from him, wherever he did sink to. Aye, +aye, like many more thou told’st direful truth as touching thyself, O +Parsee; but, Ahab, there thy shot fell short. Good-bye, mast-head—keep +a good eye upon the whale, the while I’m gone. We’ll talk to-morrow, +nay, to-night, when the white whale lies down there, tied by head and +tail.” + +He gave the word; and still gazing round him, was steadily lowered +through the cloven blue air to the deck. + +In due time the boats were lowered; but as standing in his shallop’s +stern, Ahab just hovered upon the point of the descent, he waved to the +mate,—who held one of the tackle-ropes on deck—and bade him pause. + +“Starbuck!” + +“Sir?” + +“For the third time my soul’s ship starts upon this voyage, Starbuck.” + +“Aye, sir, thou wilt have it so.” + +“Some ships sail from their ports, and ever afterwards are missing, +Starbuck!” + +“Truth, sir: saddest truth.” + +“Some men die at ebb tide; some at low water; some at the full of the +flood;—and I feel now like a billow that’s all one crested comb, +Starbuck. I am old;—shake hands with me, man.” + +Their hands met; their eyes fastened; Starbuck’s tears the glue. + +“Oh, my captain, my captain!—noble heart—go not—go not!—see, it’s a +brave man that weeps; how great the agony of the persuasion then!” + +“Lower away!”—cried Ahab, tossing the mate’s arm from him. “Stand by +the crew!” + +In an instant the boat was pulling round close under the stern. + +“The sharks! the sharks!” cried a voice from the low cabin-window +there; “O master, my master, come back!” + +But Ahab heard nothing; for his own voice was high-lifted then; and the +boat leaped on. + +Yet the voice spake true; for scarce had he pushed from the ship, when +numbers of sharks, seemingly rising from out the dark waters beneath +the hull, maliciously snapped at the blades of the oars, every time +they dipped in the water; and in this way accompanied the boat with +their bites. It is a thing not uncommonly happening to the whale-boats +in those swarming seas; the sharks at times apparently following them +in the same prescient way that vultures hover over the banners of +marching regiments in the east. But these were the first sharks that +had been observed by the Pequod since the White Whale had been first +descried; and whether it was that Ahab’s crew were all such +tiger-yellow barbarians, and therefore their flesh more musky to the +senses of the sharks—a matter sometimes well known to affect +them,—however it was, they seemed to follow that one boat without +molesting the others. + +“Heart of wrought steel!” murmured Starbuck gazing over the side, and +following with his eyes the receding boat—“canst thou yet ring boldly +to that sight?—lowering thy keel among ravening sharks, and followed by +them, open-mouthed to the chase; and this the critical third day?—For +when three days flow together in one continuous intense pursuit; be +sure the first is the morning, the second the noon, and the third the +evening and the end of that thing—be that end what it may. Oh! my God! +what is this that shoots through me, and leaves me so deadly calm, yet +expectant,—fixed at the top of a shudder! Future things swim before me, +as in empty outlines and skeletons; all the past is somehow grown dim. +Mary, girl! thou fadest in pale glories behind me; boy! I seem to see +but thy eyes grown wondrous blue. Strangest problems of life seem +clearing; but clouds sweep between—Is my journey’s end coming? My legs +feel faint; like his who has footed it all day. Feel thy heart,—beats +it yet? Stir thyself, Starbuck!—stave it off—move, move! speak +aloud!—Mast-head there! See ye my boy’s hand on the hill?—Crazed;—aloft +there!—keep thy keenest eye upon the boats:—mark well the whale!—Ho! +again!—drive off that hawk! see! he pecks—he tears the vane”—pointing +to the red flag flying at the main-truck—“Ha! he soars away with +it!—Where’s the old man now? see’st thou that sight, oh Ahab!—shudder, +shudder!” + +The boats had not gone very far, when by a signal from the mast-heads—a +downward pointed arm, Ahab knew that the whale had sounded; but +intending to be near him at the next rising, he held on his way a +little sideways from the vessel; the becharmed crew maintaining the +profoundest silence, as the head-beat waves hammered and hammered +against the opposing bow. + +“Drive, drive in your nails, oh ye waves! to their uttermost heads +drive them in! ye but strike a thing without a lid; and no coffin and +no hearse can be mine:—and hemp only can kill me! Ha! ha!” + +Suddenly the waters around them slowly swelled in broad circles; then +quickly upheaved, as if sideways sliding from a submerged berg of ice, +swiftly rising to the surface. A low rumbling sound was heard; a +subterraneous hum; and then all held their breaths; as bedraggled with +trailing ropes, and harpoons, and lances, a vast form shot lengthwise, +but obliquely from the sea. Shrouded in a thin drooping veil of mist, +it hovered for a moment in the rainbowed air; and then fell swamping +back into the deep. Crushed thirty feet upwards, the waters flashed for +an instant like heaps of fountains, then brokenly sank in a shower of +flakes, leaving the circling surface creamed like new milk round the +marble trunk of the whale. + +“Give way!” cried Ahab to the oarsmen, and the boats darted forward to +the attack; but maddened by yesterday’s fresh irons that corroded in +him, Moby Dick seemed combinedly possessed by all the angels that fell +from heaven. The wide tiers of welded tendons overspreading his broad +white forehead, beneath the transparent skin, looked knitted together; +as head on, he came churning his tail among the boats; and once more +flailed them apart; spilling out the irons and lances from the two +mates’ boats, and dashing in one side of the upper part of their bows, +but leaving Ahab’s almost without a scar. + +While Daggoo and Queequeg were stopping the strained planks; and as the +whale swimming out from them, turned, and showed one entire flank as he +shot by them again; at that moment a quick cry went up. Lashed round +and round to the fish’s back; pinioned in the turns upon turns in +which, during the past night, the whale had reeled the involutions of +the lines around him, the half torn body of the Parsee was seen; his +sable raiment frayed to shreds; his distended eyes turned full upon old +Ahab. + +The harpoon dropped from his hand. + +“Befooled, befooled!”—drawing in a long lean breath—“Aye, Parsee! I see +thee again.—Aye, and thou goest before; and this, _this_ then is the +hearse that thou didst promise. But I hold thee to the last letter of +thy word. Where is the second hearse? Away, mates, to the ship! those +boats are useless now; repair them if ye can in time, and return to me; +if not, Ahab is enough to die—Down, men! the first thing that but +offers to jump from this boat I stand in, that thing I harpoon. Ye are +not other men, but my arms and my legs; and so obey me.—Where’s the +whale? gone down again?” + +But he looked too nigh the boat; for as if bent upon escaping with the +corpse he bore, and as if the particular place of the last encounter +had been but a stage in his leeward voyage, Moby Dick was now again +steadily swimming forward; and had almost passed the ship,—which thus +far had been sailing in the contrary direction to him, though for the +present her headway had been stopped. He seemed swimming with his +utmost velocity, and now only intent upon pursuing his own straight +path in the sea. + +“Oh! Ahab,” cried Starbuck, “not too late is it, even now, the third +day, to desist. See! Moby Dick seeks thee not. It is thou, thou, that +madly seekest him!” + +Setting sail to the rising wind, the lonely boat was swiftly impelled +to leeward, by both oars and canvas. And at last when Ahab was sliding +by the vessel, so near as plainly to distinguish Starbuck’s face as he +leaned over the rail, he hailed him to turn the vessel about, and +follow him, not too swiftly, at a judicious interval. Glancing upwards, +he saw Tashtego, Queequeg, and Daggoo, eagerly mounting to the three +mast-heads; while the oarsmen were rocking in the two staved boats +which had but just been hoisted to the side, and were busily at work in +repairing them. One after the other, through the port-holes, as he +sped, he also caught flying glimpses of Stubb and Flask, busying +themselves on deck among bundles of new irons and lances. As he saw all +this; as he heard the hammers in the broken boats; far other hammers +seemed driving a nail into his heart. But he rallied. And now marking +that the vane or flag was gone from the main-mast-head, he shouted to +Tashtego, who had just gained that perch, to descend again for another +flag, and a hammer and nails, and so nail it to the mast. + +Whether fagged by the three days’ running chase, and the resistance to +his swimming in the knotted hamper he bore; or whether it was some +latent deceitfulness and malice in him: whichever was true, the White +Whale’s way now began to abate, as it seemed, from the boat so rapidly +nearing him once more; though indeed the whale’s last start had not +been so long a one as before. And still as Ahab glided over the waves +the unpitying sharks accompanied him; and so pertinaciously stuck to +the boat; and so continually bit at the plying oars, that the blades +became jagged and crunched, and left small splinters in the sea, at +almost every dip. + +“Heed them not! those teeth but give new rowlocks to your oars. Pull +on! ’tis the better rest, the shark’s jaw than the yielding water.” + +“But at every bite, sir, the thin blades grow smaller and smaller!” + +“They will last long enough! pull on!—But who can tell”—he +muttered—“whether these sharks swim to feast on the whale or on +Ahab?—But pull on! Aye, all alive, now—we near him. The helm! take the +helm! let me pass,”—and so saying two of the oarsmen helped him forward +to the bows of the still flying boat. + +At length as the craft was cast to one side, and ran ranging along with +the White Whale’s flank, he seemed strangely oblivious of its +advance—as the whale sometimes will—and Ahab was fairly within the +smoky mountain mist, which, thrown off from the whale’s spout, curled +round his great, Monadnock hump; he was even thus close to him; when, +with body arched back, and both arms lengthwise high-lifted to the +poise, he darted his fierce iron, and his far fiercer curse into the +hated whale. As both steel and curse sank to the socket, as if sucked +into a morass, Moby Dick sideways writhed; spasmodically rolled his +nigh flank against the bow, and, without staving a hole in it, so +suddenly canted the boat over, that had it not been for the elevated +part of the gunwale to which he then clung, Ahab would once more have +been tossed into the sea. As it was, three of the oarsmen—who foreknew +not the precise instant of the dart, and were therefore unprepared for +its effects—these were flung out; but so fell, that, in an instant two +of them clutched the gunwale again, and rising to its level on a +combing wave, hurled themselves bodily inboard again; the third man +helplessly dropping astern, but still afloat and swimming. + +Almost simultaneously, with a mighty volition of ungraduated, +instantaneous swiftness, the White Whale darted through the weltering +sea. But when Ahab cried out to the steersman to take new turns with +the line, and hold it so; and commanded the crew to turn round on their +seats, and tow the boat up to the mark; the moment the treacherous line +felt that double strain and tug, it snapped in the empty air! + +“What breaks in me? Some sinew cracks!—’tis whole again; oars! oars! +Burst in upon him!” + +Hearing the tremendous rush of the sea-crashing boat, the whale wheeled +round to present his blank forehead at bay; but in that evolution, +catching sight of the nearing black hull of the ship; seemingly seeing +in it the source of all his persecutions; bethinking it—it may be—a +larger and nobler foe; of a sudden, he bore down upon its advancing +prow, smiting his jaws amid fiery showers of foam. + +Ahab staggered; his hand smote his forehead. “I grow blind; hands! +stretch out before me that I may yet grope my way. Is’t night?” + +“The whale! The ship!” cried the cringing oarsmen. + +“Oars! oars! Slope downwards to thy depths, O sea, that ere it be for +ever too late, Ahab may slide this last, last time upon his mark! I +see: the ship! the ship! Dash on, my men! Will ye not save my ship?” + +But as the oarsmen violently forced their boat through the +sledge-hammering seas, the before whale-smitten bow-ends of two planks +burst through, and in an instant almost, the temporarily disabled boat +lay nearly level with the waves; its half-wading, splashing crew, +trying hard to stop the gap and bale out the pouring water. + +Meantime, for that one beholding instant, Tashtego’s mast-head hammer +remained suspended in his hand; and the red flag, half-wrapping him as +with a plaid, then streamed itself straight out from him, as his own +forward-flowing heart; while Starbuck and Stubb, standing upon the +bowsprit beneath, caught sight of the down-coming monster just as soon +as he. + +“The whale, the whale! Up helm, up helm! Oh, all ye sweet powers of +air, now hug me close! Let not Starbuck die, if die he must, in a +woman’s fainting fit. Up helm, I say—ye fools, the jaw! the jaw! Is +this the end of all my bursting prayers? all my life-long fidelities? +Oh, Ahab, Ahab, lo, thy work. Steady! helmsman, steady. Nay, nay! Up +helm again! He turns to meet us! Oh, his unappeasable brow drives on +towards one, whose duty tells him he cannot depart. My God, stand by me +now!” + +“Stand not by me, but stand under me, whoever you are that will now +help Stubb; for Stubb, too, sticks here. I grin at thee, thou grinning +whale! Who ever helped Stubb, or kept Stubb awake, but Stubb’s own +unwinking eye? And now poor Stubb goes to bed upon a mattrass that is +all too soft; would it were stuffed with brushwood! I grin at thee, +thou grinning whale! Look ye, sun, moon, and stars! I call ye assassins +of as good a fellow as ever spouted up his ghost. For all that, I would +yet ring glasses with ye, would ye but hand the cup! Oh, oh! oh, oh! +thou grinning whale, but there’ll be plenty of gulping soon! Why fly ye +not, O Ahab! For me, off shoes and jacket to it; let Stubb die in his +drawers! A most mouldy and over salted death, though;—cherries! +cherries! cherries! Oh, Flask, for one red cherry ere we die!” + +“Cherries? I only wish that we were where they grow. Oh, Stubb, I hope +my poor mother’s drawn my part-pay ere this; if not, few coppers will +now come to her, for the voyage is up.” + +From the ship’s bows, nearly all the seamen now hung inactive; hammers, +bits of plank, lances, and harpoons, mechanically retained in their +hands, just as they had darted from their various employments; all +their enchanted eyes intent upon the whale, which from side to side +strangely vibrating his predestinating head, sent a broad band of +overspreading semicircular foam before him as he rushed. Retribution, +swift vengeance, eternal malice were in his whole aspect, and spite of +all that mortal man could do, the solid white buttress of his forehead +smote the ship’s starboard bow, till men and timbers reeled. Some fell +flat upon their faces. Like dislodged trucks, the heads of the +harpooneers aloft shook on their bull-like necks. Through the breach, +they heard the waters pour, as mountain torrents down a flume. + +“The ship! The hearse!—the second hearse!” cried Ahab from the boat; +“its wood could only be American!” + +Diving beneath the settling ship, the whale ran quivering along its +keel; but turning under water, swiftly shot to the surface again, far +off the other bow, but within a few yards of Ahab’s boat, where, for a +time, he lay quiescent. + +“I turn my body from the sun. What ho, Tashtego! let me hear thy +hammer. Oh! ye three unsurrendered spires of mine; thou uncracked keel; +and only god-bullied hull; thou firm deck, and haughty helm, and +Pole-pointed prow,—death-glorious ship! must ye then perish, and +without me? Am I cut off from the last fond pride of meanest +shipwrecked captains? Oh, lonely death on lonely life! Oh, now I feel +my topmost greatness lies in my topmost grief. Ho, ho! from all your +furthest bounds, pour ye now in, ye bold billows of my whole foregone +life, and top this one piled comber of my death! Towards thee I roll, +thou all-destroying but unconquering whale; to the last I grapple with +thee; from hell’s heart I stab at thee; for hate’s sake I spit my last +breath at thee. Sink all coffins and all hearses to one common pool! +and since neither can be mine, let me then tow to pieces, while still +chasing thee, though tied to thee, thou damned whale! _Thus_, I give up +the spear!” + +The harpoon was darted; the stricken whale flew forward; with igniting +velocity the line ran through the grooves;—ran foul. Ahab stooped to +clear it; he did clear it; but the flying turn caught him round the +neck, and voicelessly as Turkish mutes bowstring their victim, he was +shot out of the boat, ere the crew knew he was gone. Next instant, the +heavy eye-splice in the rope’s final end flew out of the stark-empty +tub, knocked down an oarsman, and smiting the sea, disappeared in its +depths. + +For an instant, the tranced boat’s crew stood still; then turned. “The +ship? Great God, where is the ship?” Soon they through dim, bewildering +mediums saw her sidelong fading phantom, as in the gaseous Fata +Morgana; only the uppermost masts out of water; while fixed by +infatuation, or fidelity, or fate, to their once lofty perches, the +pagan harpooneers still maintained their sinking lookouts on the sea. +And now, concentric circles seized the lone boat itself, and all its +crew, and each floating oar, and every lance-pole, and spinning, +animate and inanimate, all round and round in one vortex, carried the +smallest chip of the Pequod out of sight. + +But as the last whelmings intermixingly poured themselves over the +sunken head of the Indian at the mainmast, leaving a few inches of the +erect spar yet visible, together with long streaming yards of the flag, +which calmly undulated, with ironical coincidings, over the destroying +billows they almost touched;—at that instant, a red arm and a hammer +hovered backwardly uplifted in the open air, in the act of nailing the +flag faster and yet faster to the subsiding spar. A sky-hawk that +tauntingly had followed the main-truck downwards from its natural home +among the stars, pecking at the flag, and incommoding Tashtego there; +this bird now chanced to intercept its broad fluttering wing between +the hammer and the wood; and simultaneously feeling that etherial +thrill, the submerged savage beneath, in his death-gasp, kept his +hammer frozen there; and so the bird of heaven, with archangelic +shrieks, and his imperial beak thrust upwards, and his whole captive +form folded in the flag of Ahab, went down with his ship, which, like +Satan, would not sink to hell till she had dragged a living part of +heaven along with her, and helmeted herself with it. + +Now small fowls flew screaming over the yet yawning gulf; a sullen +white surf beat against its steep sides; then all collapsed, and the +great shroud of the sea rolled on as it rolled five thousand years ago. + + +Epilogue + +“AND I ONLY AM ESCAPED ALONE TO TELL THEE” Job. + +The drama’s done. Why then here does any one step forth?—Because one +did survive the wreck. + +It so chanced, that after the Parsee’s disappearance, I was he whom the +Fates ordained to take the place of Ahab’s bowsman, when that bowsman +assumed the vacant post; the same, who, when on the last day the three +men were tossed from out of the rocking boat, was dropped astern. So, +floating on the margin of the ensuing scene, and in full sight of it, +when the halfspent suction of the sunk ship reached me, I was then, but +slowly, drawn towards the closing vortex. When I reached it, it had +subsided to a creamy pool. Round and round, then, and ever contracting +towards the button-like black bubble at the axis of that slowly +wheeling circle, like another Ixion I did revolve. Till, gaining that +vital centre, the black bubble upward burst; and now, liberated by +reason of its cunning spring, and, owing to its great buoyancy, rising +with great force, the coffin life-buoy shot lengthwise from the sea, +fell over, and floated by my side. Buoyed up by that coffin, for almost +one whole day and night, I floated on a soft and dirgelike main. The +unharming sharks, they glided by as if with padlocks on their mouths; +the savage sea-hawks sailed with sheathed beaks. On the second day, a +sail drew near, nearer, and picked me up at last. It was the +devious-cruising Rachel, that in her retracing search after her missing +children, only found another orphan. + + + + + +End of Project Gutenberg’s Moby Dick; or The Whale, by Herman Melville + +*** END OF THIS PROJECT GUTENBERG EBOOK MOBY DICK; OR THE WHALE *** + +***** This file should be named 2701-0.txt or 2701-0.zip ***** This and +all associated files of various formats will be found in: +http://www.gutenberg.org/2/7/0/2701/ + +Produced by Daniel Lazarus, Jonesey, and David Widger + + +Updated editions will replace the previous one--the old editions will +be renamed. + +Creating the works from public domain print editions means that no one +owns a United States copyright in these works, so the Foundation (and +you!) can copy and distribute it in the United States without +permission and without paying copyright royalties. Special rules, set +forth in the General Terms of Use part of this license, apply to +copying and distributing Project Gutenberg-tm electronic works to +protect the PROJECT GUTENBERG-tm concept and trademark. Project +Gutenberg is a registered trademark, and may not be used if you charge +for the eBooks, unless you receive specific permission. If you do not +charge anything for copies of this eBook, complying with the rules is +very easy. You may use this eBook for nearly any purpose such as +creation of derivative works, reports, performances and research. They +may be modified and printed and given away--you may do practically +ANYTHING with public domain eBooks. Redistribution is subject to the +trademark license, especially commercial redistribution. + + + +*** START: FULL LICENSE *** + +THE FULL PROJECT GUTENBERG LICENSE PLEASE READ THIS BEFORE YOU +DISTRIBUTE OR USE THIS WORK + +To protect the Project Gutenberg-tm mission of promoting the free +distribution of electronic works, by using or distributing this work +(or any other work associated in any way with the phrase “Project +Gutenberg”), you agree to comply with all the terms of the Full Project +Gutenberg-tm License (available with this file or online at +http://gutenberg.org/license). + + +Section 1. General Terms of Use and Redistributing Project +Gutenberg-tm electronic works + +1.A. By reading or using any part of this Project Gutenberg-tm +electronic work, you indicate that you have read, understand, agree to +and accept all the terms of this license and intellectual property +(trademark/copyright) agreement. If you do not agree to abide by all +the terms of this agreement, you must cease using and return or destroy +all copies of Project Gutenberg-tm electronic works in your possession. +If you paid a fee for obtaining a copy of or access to a Project +Gutenberg-tm electronic work and you do not agree to be bound by the +terms of this agreement, you may obtain a refund from the person or +entity to whom you paid the fee as set forth in paragraph 1.E.8. + +1.B. “Project Gutenberg” is a registered trademark. It may only be +used on or associated in any way with an electronic work by people who +agree to be bound by the terms of this agreement. There are a few +things that you can do with most Project Gutenberg-tm electronic works +even without complying with the full terms of this agreement. See +paragraph 1.C below. There are a lot of things you can do with Project +Gutenberg-tm electronic works if you follow the terms of this agreement +and help preserve free future access to Project Gutenberg-tm electronic +works. See paragraph 1.E below. + +1.C. The Project Gutenberg Literary Archive Foundation (“the +Foundation” or PGLAF), owns a compilation copyright in the collection +of Project Gutenberg-tm electronic works. Nearly all the individual +works in the collection are in the public domain in the United States. +If an individual work is in the public domain in the United States and +you are located in the United States, we do not claim a right to +prevent you from copying, distributing, performing, displaying or +creating derivative works based on the work as long as all references +to Project Gutenberg are removed. Of course, we hope that you will +support the Project Gutenberg-tm mission of promoting free access to +electronic works by freely sharing Project Gutenberg-tm works in +compliance with the terms of this agreement for keeping the Project +Gutenberg-tm name associated with the work. You can easily comply with +the terms of this agreement by keeping this work in the same format +with its attached full Project Gutenberg-tm License when you share it +without charge with others. + +1.D. The copyright laws of the place where you are located also govern +what you can do with this work. Copyright laws in most countries are +in a constant state of change. If you are outside the United States, +check the laws of your country in addition to the terms of this +agreement before downloading, copying, displaying, performing, +distributing or creating derivative works based on this work or any +other Project Gutenberg-tm work. The Foundation makes no +representations concerning the copyright status of any work in any +country outside the United States. + +1.E. Unless you have removed all references to Project Gutenberg: + +1.E.1. The following sentence, with active links to, or other +immediate access to, the full Project Gutenberg-tm License must appear +prominently whenever any copy of a Project Gutenberg-tm work (any work +on which the phrase “Project Gutenberg” appears, or with which the +phrase “Project Gutenberg” is associated) is accessed, displayed, +performed, viewed, copied or distributed: + +This eBook is for the use of anyone anywhere at no cost and with almost +no restrictions whatsoever. You may copy it, give it away or re-use it +under the terms of the Project Gutenberg License included with this +eBook or online at www.gutenberg.org + +1.E.2. If an individual Project Gutenberg-tm electronic work is +derived from the public domain (does not contain a notice indicating +that it is posted with permission of the copyright holder), the work +can be copied and distributed to anyone in the United States without +paying any fees or charges. If you are redistributing or providing +access to a work with the phrase “Project Gutenberg” associated with or +appearing on the work, you must comply either with the requirements of +paragraphs 1.E.1 through 1.E.7 or obtain permission for the use of the +work and the Project Gutenberg-tm trademark as set forth in paragraphs +1.E.8 or 1.E.9. + +1.E.3. If an individual Project Gutenberg-tm electronic work is posted +with the permission of the copyright holder, your use and distribution +must comply with both paragraphs 1.E.1 through 1.E.7 and any additional +terms imposed by the copyright holder. Additional terms will be linked +to the Project Gutenberg-tm License for all works posted with the +permission of the copyright holder found at the beginning of this work. + +1.E.4. Do not unlink or detach or remove the full Project Gutenberg-tm +License terms from this work, or any files containing a part of this +work or any other work associated with Project Gutenberg-tm. + +1.E.5. Do not copy, display, perform, distribute or redistribute this +electronic work, or any part of this electronic work, without +prominently displaying the sentence set forth in paragraph 1.E.1 with +active links or immediate access to the full terms of the Project +Gutenberg-tm License. + +1.E.6. You may convert to and distribute this work in any binary, +compressed, marked up, nonproprietary or proprietary form, including +any word processing or hypertext form. However, if you provide access +to or distribute copies of a Project Gutenberg-tm work in a format +other than “Plain Vanilla ASCII” or other format used in the official +version posted on the official Project Gutenberg-tm web site +(www.gutenberg.org), you must, at no additional cost, fee or expense to +the user, provide a copy, a means of exporting a copy, or a means of +obtaining a copy upon request, of the work in its original “Plain +Vanilla ASCII” or other form. Any alternate format must include the +full Project Gutenberg-tm License as specified in paragraph 1.E.1. + +1.E.7. Do not charge a fee for access to, viewing, displaying, +performing, copying or distributing any Project Gutenberg-tm works +unless you comply with paragraph 1.E.8 or 1.E.9. + +1.E.8. You may charge a reasonable fee for copies of or providing +access to or distributing Project Gutenberg-tm electronic works +provided that + +- You pay a royalty fee of 20% of the gross profits you derive from the +use of Project Gutenberg-tm works calculated using the method you +already use to calculate your applicable taxes. The fee is owed to the +owner of the Project Gutenberg-tm trademark, but he has agreed to +donate royalties under this paragraph to the Project Gutenberg Literary +Archive Foundation. Royalty payments must be paid within 60 days +following each date on which you prepare (or are legally required to +prepare) your periodic tax returns. Royalty payments should be clearly +marked as such and sent to the Project Gutenberg Literary Archive +Foundation at the address specified in Section 4, “Information about +donations to the Project Gutenberg Literary Archive Foundation.” + +- You provide a full refund of any money paid by a user who notifies +you in writing (or by e-mail) within 30 days of receipt that s/he does +not agree to the terms of the full Project Gutenberg-tm License. You +must require such a user to return or destroy all copies of the works +possessed in a physical medium and discontinue all use of and all +access to other copies of Project Gutenberg-tm works. + +- You provide, in accordance with paragraph 1.F.3, a full refund of any +money paid for a work or a replacement copy, if a defect in the +electronic work is discovered and reported to you within 90 days of +receipt of the work. + +- You comply with all other terms of this agreement for free +distribution of Project Gutenberg-tm works. + +1.E.9. If you wish to charge a fee or distribute a Project +Gutenberg-tm electronic work or group of works on different terms than +are set forth in this agreement, you must obtain permission in writing +from both the Project Gutenberg Literary Archive Foundation and Michael +Hart, the owner of the Project Gutenberg-tm trademark. Contact the +Foundation as set forth in Section 3 below. + +1.F. + +1.F.1. Project Gutenberg volunteers and employees expend considerable +effort to identify, do copyright research on, transcribe and proofread +public domain works in creating the Project Gutenberg-tm collection. +Despite these efforts, Project Gutenberg-tm electronic works, and the +medium on which they may be stored, may contain “Defects,” such as, but +not limited to, incomplete, inaccurate or corrupt data, transcription +errors, a copyright or other intellectual property infringement, a +defective or damaged disk or other medium, a computer virus, or +computer codes that damage or cannot be read by your equipment. + +1.F.2. LIMITED WARRANTY, DISCLAIMER OF DAMAGES - Except for the “Right +of Replacement or Refund” described in paragraph 1.F.3, the Project +Gutenberg Literary Archive Foundation, the owner of the Project +Gutenberg-tm trademark, and any other party distributing a Project +Gutenberg-tm electronic work under this agreement, disclaim all +liability to you for damages, costs and expenses, including legal fees. +YOU AGREE THAT YOU HAVE NO REMEDIES FOR NEGLIGENCE, STRICT LIABILITY, +BREACH OF WARRANTY OR BREACH OF CONTRACT EXCEPT THOSE PROVIDED IN +PARAGRAPH F3. YOU AGREE THAT THE FOUNDATION, THE TRADEMARK OWNER, AND +ANY DISTRIBUTOR UNDER THIS AGREEMENT WILL NOT BE LIABLE TO YOU FOR +ACTUAL, DIRECT, INDIRECT, CONSEQUENTIAL, PUNITIVE OR INCIDENTAL DAMAGES +EVEN IF YOU GIVE NOTICE OF THE POSSIBILITY OF SUCH DAMAGE. + +1.F.3. LIMITED RIGHT OF REPLACEMENT OR REFUND - If you discover a +defect in this electronic work within 90 days of receiving it, you can +receive a refund of the money (if any) you paid for it by sending a +written explanation to the person you received the work from. If you +received the work on a physical medium, you must return the medium with +your written explanation. The person or entity that provided you with +the defective work may elect to provide a replacement copy in lieu of a +refund. If you received the work electronically, the person or entity +providing it to you may choose to give you a second opportunity to +receive the work electronically in lieu of a refund. If the second +copy is also defective, you may demand a refund in writing without +further opportunities to fix the problem. + +1.F.4. Except for the limited right of replacement or refund set forth +in paragraph 1.F.3, this work is provided to you ‘AS-IS’ WITH NO OTHER +WARRANTIES OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED +TO WARRANTIES OF MERCHANTIBILITY OR FITNESS FOR ANY PURPOSE. + +1.F.5. Some states do not allow disclaimers of certain implied +warranties or the exclusion or limitation of certain types of damages. +If any disclaimer or limitation set forth in this agreement violates +the law of the state applicable to this agreement, the agreement shall +be interpreted to make the maximum disclaimer or limitation permitted +by the applicable state law. The invalidity or unenforceability of any +provision of this agreement shall not void the remaining provisions. + +1.F.6. INDEMNITY - You agree to indemnify and hold the Foundation, the +trademark owner, any agent or employee of the Foundation, anyone +providing copies of Project Gutenberg-tm electronic works in accordance +with this agreement, and any volunteers associated with the production, +promotion and distribution of Project Gutenberg-tm electronic works, +harmless from all liability, costs and expenses, including legal fees, +that arise directly or indirectly from any of the following which you +do or cause to occur: (a) distribution of this or any Project +Gutenberg-tm work, (b) alteration, modification, or additions or +deletions to any Project Gutenberg-tm work, and (c) any Defect you +cause. + + +Section 2. Information about the Mission of Project Gutenberg-tm + +Project Gutenberg-tm is synonymous with the free distribution of +electronic works in formats readable by the widest variety of computers +including obsolete, old, middle-aged and new computers. It exists +because of the efforts of hundreds of volunteers and donations from +people in all walks of life. + +Volunteers and financial support to provide volunteers with the +assistance they need, are critical to reaching Project Gutenberg-tm’s +goals and ensuring that the Project Gutenberg-tm collection will remain +freely available for generations to come. In 2001, the Project +Gutenberg Literary Archive Foundation was created to provide a secure +and permanent future for Project Gutenberg-tm and future generations. +To learn more about the Project Gutenberg Literary Archive Foundation +and how your efforts and donations can help, see Sections 3 and 4 and +the Foundation web page at http://www.pglaf.org. + + +Section 3. Information about the Project Gutenberg Literary Archive +Foundation + +The Project Gutenberg Literary Archive Foundation is a non profit +501(c)(3) educational corporation organized under the laws of the state +of Mississippi and granted tax exempt status by the Internal Revenue +Service. The Foundation’s EIN or federal tax identification number is +64-6221541. Its 501(c)(3) letter is posted at +http://pglaf.org/fundraising. Contributions to the Project Gutenberg +Literary Archive Foundation are tax deductible to the full extent +permitted by U.S. federal laws and your state’s laws. + +The Foundation’s principal office is located at 4557 Melan Dr. S. +Fairbanks, AK, 99712., but its volunteers and employees are scattered +throughout numerous locations. Its business office is located at 809 +North 1500 West, Salt Lake City, UT 84116, (801) 596-1887, email +business@pglaf.org. Email contact links and up to date contact +information can be found at the Foundation’s web site and official page +at http://pglaf.org + +For additional contact information: Dr. Gregory B. Newby Chief +Executive and Director gbnewby@pglaf.org + + +Section 4. Information about Donations to the Project Gutenberg +Literary Archive Foundation + +Project Gutenberg-tm depends upon and cannot survive without wide +spread public support and donations to carry out its mission of +increasing the number of public domain and licensed works that can be +freely distributed in machine readable form accessible by the widest +array of equipment including outdated equipment. Many small donations +($1 to $5,000) are particularly important to maintaining tax exempt +status with the IRS. + +The Foundation is committed to complying with the laws regulating +charities and charitable donations in all 50 states of the United +States. Compliance requirements are not uniform and it takes a +considerable effort, much paperwork and many fees to meet and keep up +with these requirements. We do not solicit donations in locations +where we have not received written confirmation of compliance. To SEND +DONATIONS or determine the status of compliance for any particular +state visit http://pglaf.org + +While we cannot and do not solicit contributions from states where we +have not met the solicitation requirements, we know of no prohibition +against accepting unsolicited donations from donors in such states who +approach us with offers to donate. + +International donations are gratefully accepted, but we cannot make any +statements concerning tax treatment of donations received from outside +the United States. U.S. laws alone swamp our small staff. + +Please check the Project Gutenberg Web pages for current donation +methods and addresses. Donations are accepted in a number of other +ways including checks, online payments and credit card donations. To +donate, please visit: http://pglaf.org/donate + + +Section 5. General Information About Project Gutenberg-tm electronic +works. + +Professor Michael S. Hart is the originator of the Project Gutenberg-tm +concept of a library of electronic works that could be freely shared +with anyone. For thirty years, he produced and distributed Project +Gutenberg-tm eBooks with only a loose network of volunteer support. + + +Project Gutenberg-tm eBooks are often created from several printed +editions, all of which are confirmed as Public Domain in the U.S. +unless a copyright notice is included. Thus, we do not necessarily +keep eBooks in compliance with any particular paper edition. + + +Most people start at our Web site which has the main PG search +facility: + + http://www.gutenberg.org + +This Web site includes information about Project Gutenberg-tm, +including how to make donations to the Project Gutenberg Literary +Archive Foundation, how to help produce our new eBooks, and how to +subscribe to our email newsletter to hear about new eBooks. + + + + + + diff --git a/Neural Networks/Sign Language To Speech/classifying.py b/Neural Networks/Sign Language To Speech/classifying.py new file mode 100644 index 00000000..6583f163 --- /dev/null +++ b/Neural Networks/Sign Language To Speech/classifying.py @@ -0,0 +1,66 @@ +import tensorflow as tf +from tensorflow.keras.layers import Dense,Convolution2D, Input,Flatten,Dropout,MaxPooling2D, Conv2D +from tensorflow.keras.models import Model,Sequential +from tensorflow.keras.utils import to_categorical +from tensorflow.keras.preprocessing.image import ImageDataGenerator +from sklearn.preprocessing import LabelEncoder + +classifier = Sequential() + +classifier.add(Conv2D(32, (3, 3), padding='same', activation='relu', input_shape=(128, 128, 1))) +#classifier.add(Conv2D(32, (3, 3), activation='relu')) +classifier.add(MaxPooling2D(pool_size=(2, 2))) +classifier.add(Dropout(0.25)) + +classifier.add(Conv2D(64, (3, 3), padding='same', activation='relu')) +#classifier.add(Conv2D(64, (3, 3), activation='relu')) +classifier.add(MaxPooling2D(pool_size=(2, 2))) +classifier.add(Dropout(0.25)) + +classifier.add(Conv2D(64, (3, 3), padding='same', activation='relu')) +#classifier.add(Conv2D(64, (3, 3), activation='relu')) +classifier.add(MaxPooling2D(pool_size=(2, 2))) +classifier.add(Dropout(0.25)) + +classifier.add(Flatten()) +classifier.add(Dense(512, activation='relu')) +classifier.add(Dropout(0.5)) +classifier.add(Dense(27, activation='softmax')) + +train_datagen = ImageDataGenerator( + rescale=1./255, + shear_range=0.2, + zoom_range=0.2, + horizontal_flip=True) + +test_datagen = ImageDataGenerator(rescale=1./255) + +training_set = train_datagen.flow_from_directory("Sign2/train", + target_size=(128, 128), + batch_size=10, + color_mode='grayscale', + class_mode='categorical') + +test_set = test_datagen.flow_from_directory("Sign2/test", + target_size=(128 , 128), + batch_size=10, + color_mode='grayscale', + class_mode='categorical') + +classifier.compile(loss='categorical_crossentropy', + optimizer='adam', + metrics=['accuracy']) + +history=classifier.fit_generator( + training_set, + steps_per_epoch=1285, + epochs=5, + validation_data=test_set, + validation_steps=427) + +model_json = classifier.to_json() +with open("model-bw.json", "w") as json_file: + json_file.write(model_json) +print('Model Saved') +classifier.save_weights('model-bw.h5') +print('Weights saved') diff --git a/Neural Networks/Sign Language To Speech/model-bw.h5 b/Neural Networks/Sign Language To Speech/model-bw.h5 new file mode 100644 index 00000000..12b8a3a9 Binary files /dev/null and b/Neural Networks/Sign Language To Speech/model-bw.h5 differ diff --git a/Neural Networks/Sign Language To Speech/model-bw.json b/Neural Networks/Sign Language To Speech/model-bw.json new file mode 100644 index 00000000..e98d6c8e --- /dev/null +++ b/Neural Networks/Sign Language To Speech/model-bw.json @@ -0,0 +1 @@ +{"class_name": "Sequential", "config": {"name": "sequential", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": [null, 128, 128, 1], "dtype": "float32", "sparse": false, "ragged": false, "name": "conv2d_input"}}, {"class_name": "Conv2D", "config": {"name": "conv2d", "trainable": true, "batch_input_shape": [null, 128, 128, 1], "dtype": "float32", "filters": 32, "kernel_size": [3, 3], "strides": [1, 1], "padding": "same", "data_format": "channels_last", "dilation_rate": [1, 1], "groups": 1, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "MaxPooling2D", "config": {"name": "max_pooling2d", "trainable": true, "dtype": "float32", "pool_size": [2, 2], "padding": "valid", "strides": [2, 2], "data_format": "channels_last"}}, {"class_name": "Dropout", "config": {"name": "dropout", "trainable": true, "dtype": "float32", "rate": 0.25, "noise_shape": null, "seed": null}}, {"class_name": "Conv2D", "config": {"name": "conv2d_1", "trainable": true, "dtype": "float32", "filters": 64, "kernel_size": [3, 3], "strides": [1, 1], "padding": "same", "data_format": "channels_last", "dilation_rate": [1, 1], "groups": 1, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "MaxPooling2D", "config": {"name": "max_pooling2d_1", "trainable": true, "dtype": "float32", "pool_size": [2, 2], "padding": "valid", "strides": [2, 2], "data_format": "channels_last"}}, {"class_name": "Dropout", "config": {"name": "dropout_1", "trainable": true, "dtype": "float32", "rate": 0.25, "noise_shape": null, "seed": null}}, {"class_name": "Conv2D", "config": {"name": "conv2d_2", "trainable": true, "dtype": "float32", "filters": 64, "kernel_size": [3, 3], "strides": [1, 1], "padding": "same", "data_format": "channels_last", "dilation_rate": [1, 1], "groups": 1, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "MaxPooling2D", "config": {"name": "max_pooling2d_2", "trainable": true, "dtype": "float32", "pool_size": [2, 2], "padding": "valid", "strides": [2, 2], "data_format": "channels_last"}}, {"class_name": "Dropout", "config": {"name": "dropout_2", "trainable": true, "dtype": "float32", "rate": 0.25, "noise_shape": null, "seed": null}}, {"class_name": "Flatten", "config": {"name": "flatten", "trainable": true, "dtype": "float32", "data_format": "channels_last"}}, {"class_name": "Dense", "config": {"name": "dense", "trainable": true, "dtype": "float32", "units": 512, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "Dropout", "config": {"name": "dropout_3", "trainable": true, "dtype": "float32", "rate": 0.5, "noise_shape": null, "seed": null}}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": true, "dtype": "float32", "units": 27, "activation": "softmax", "use_bias": true, "kernel_initializer": {"class_name": "GlorotUniform", "config": {"seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}]}, "keras_version": "2.4.0", "backend": "tensorflow"} \ No newline at end of file diff --git a/Neural Networks/Sign Language To Speech/predict.py b/Neural Networks/Sign Language To Speech/predict.py new file mode 100644 index 00000000..f2b8607f --- /dev/null +++ b/Neural Networks/Sign Language To Speech/predict.py @@ -0,0 +1,96 @@ +from tensorflow.keras.preprocessing import image +import numpy as np +import cv2 +import os +from tensorflow.keras.models import model_from_json +from matplotlib.pyplot import imshow +import matplotlib.pyplot as plt +from os import listdir +from gtts import gTTS +from playsound import playsound + +def function(img): + gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + blur = cv2.GaussianBlur(gray,(5,5),1) + th3 = cv2.adaptiveThreshold(blur,255,cv2.ADAPTIVE_THRESH_GAUSSIAN_C,cv2.THRESH_BINARY_INV,11,2) + ret, res = cv2.threshold(th3, 70, 255, cv2.THRESH_BINARY_INV+cv2.THRESH_OTSU) + return res + +d = {0: '0', 1: 'A', 2: 'B', 3: 'C', + 4: 'D', 5: 'E', 6: 'F', 7: 'G', + 8: 'H', 9: 'I', 10: 'J', 11: 'K', + 12: 'L', 13: 'M', 14: 'N', 15: 'O', + 16: 'P', 17: 'Q', 18: 'R', 19: 'S', + 20: 'T', 21: 'U', 22: 'V', 23: 'W', + 24: 'X', 25: 'Y',26: 'Z'} + +json_file = open('model-bw.json', 'r') +loaded_model_json = json_file.read() +json_file.close() +loaded_model = model_from_json(loaded_model_json) +# load weights into new model +loaded_model.load_weights("model-bw.h5") +print("Loaded model from disk") + +loaded_model.compile(loss='categorical_crossentropy', optimizer='adam', metrics=['accuracy']) + +upper_left = (335, 55) +bottom_right = (635, 355) + +cam = cv2.VideoCapture(0) +cv2.namedWindow("test", cv2.WINDOW_NORMAL) +cv2.resizeWindow('test', 1050,1250) + +a="" +g="" +i=1 +while True: + ret, frame = cam.read() + frame= cv2.flip(frame, 1) + r = cv2.rectangle(frame, upper_left, bottom_right, (0, 0, 0), 5) + rect_img = frame[upper_left[1] : bottom_right[1], upper_left[0] : bottom_right[0]] + sketcher_rect = rect_img + sketcher_rect = function(sketcher_rect) + sketcher_rect_rgb = cv2.cvtColor(sketcher_rect, cv2.COLOR_GRAY2RGB) + frame[upper_left[1] : bottom_right[1], upper_left[0] : bottom_right[0]] = sketcher_rect_rgb + if not ret: + print("failed to grab frame") + break + cv2.imshow("test", frame) + + k = cv2.waitKey(1) + if k%256 == 27: + # ESC pressed + print(g) + tts = gTTS(g,lang='en') #Provide the string to convert to speech + m=str(i)+".mp3" + tts.save(m) #save the string converted to speech as a .wav file + playsound(m) + i=i+1 + print("Escape hit, closing...") + break + elif k%256 == 32: + # SPACE pressed + img_name = "frame_0.png" + sketcher_rect = cv2.resize(sketcher_rect,(128, 128)) + print(sketcher_rect.shape) + cv2.imwrite(img_name, sketcher_rect) + print("{} written!".format(img_name)) + x = image.img_to_array(sketcher_rect) + x = np.expand_dims(x, axis=0) + x = x/255.0 + pre = loaded_model.predict(x) + p_test=np.argmax(pre) + a = d[p_test] + g=g+a + print(a) + tts = gTTS(a,lang='en') #Provide the string to convert to speech + m=str(i)+".mp3" + tts.save(m) #save the string converted to speech as a .wav file + playsound(m) + i=i+1 + # Audio(sound_file, autoplay=True) +cam.release() + +cv2.destroyAllWindows() + diff --git a/Neural Networks/Sign Language To Speech/preprocessing.py b/Neural Networks/Sign Language To Speech/preprocessing.py new file mode 100644 index 00000000..4d67c13e --- /dev/null +++ b/Neural Networks/Sign Language To Speech/preprocessing.py @@ -0,0 +1,57 @@ +import pandas as pd +import numpy as np +import matplotlib.pyplot as plt +import os +import cv2 +import string + +def func(path): + img = cv2.imread(path) + img=cv2.resize(img,(300, 300)) + gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + blur = cv2.GaussianBlur(gray,(5,5),2) + th3 = cv2.adaptiveThreshold(blur,255,cv2.ADAPTIVE_THRESH_GAUSSIAN_C,cv2.THRESH_BINARY_INV,11,2) + ret, res = cv2.threshold(th3, 70, 255, cv2.THRESH_BINARY_INV+cv2.THRESH_OTSU) + return res + +if not os.path.exists("Sign2"): + os.makedirs("Sign2") +if not os.path.exists("Sign2/train"): + os.makedirs("Sign2/train") +if not os.path.exists("Sign2/test"): + os.makedirs("Sign2/test") + +l=[] +path="Sign/train" +path2="Sign2/train" +for (dirpath,dirnames,filenames) in os.walk(path): + dirnames.sort() + for dirname in dirnames: + for (direcpath,direcnames,files) in os.walk(path+"/"+dirname): + if not os.path.exists(path2+"/"+dirname): + os.makedirs(path2+"/"+dirname) + for file in files: + if dirname not in l: + l.append(dirname) + actual_path=path+"/"+dirname+"/"+file #path of each image + actual_path2=path2+"/"+dirname+"/"+file + bw_img=func(actual_path) + cv2.imwrite(actual_path2,bw_img) + +path="Sign/test" +path2="Sign2/test" +for (dirpath,dirnames,filenames) in os.walk(path): + dirnames.sort() + for dirname in dirnames: + for (direcpath,direcnames,files) in os.walk(path+"/"+dirname): + if not os.path.exists(path2+"/"+dirname): + os.makedirs(path2+"/"+dirname) + for file in files: + if dirname not in l: + l.append(dirname) + actual_path=path+"/"+dirname+"/"+file #path of each image + actual_path2=path2+"/"+dirname+"/"+file + bw_img=func(actual_path) + cv2.imwrite(actual_path2,bw_img) + +print("Done") \ No newline at end of file diff --git a/Neural Networks/Sign Language To Speech/requirements.txt b/Neural Networks/Sign Language To Speech/requirements.txt new file mode 100644 index 00000000..05a14e05 --- /dev/null +++ b/Neural Networks/Sign Language To Speech/requirements.txt @@ -0,0 +1,13 @@ +flask +opencv-python +tensorflow +numpy +pyspellchecker +pandas +fuzzywuzzy +pyttsx3 +googletrans +gtts +pygame +setuptools +wheel diff --git a/Neural Networks/Sign Language To Speech/static/css/style.css b/Neural Networks/Sign Language To Speech/static/css/style.css new file mode 100644 index 00000000..f39aa0cb --- /dev/null +++ b/Neural Networks/Sign Language To Speech/static/css/style.css @@ -0,0 +1,148 @@ +body { + background-color: #DED9E2; + font-family: 'Times New Roman', Times, serif; + } + + button { + border-radius: 20%; + size: 40px; + text-align: center; + padding: 15px 25px; + font-size: 15px; + cursor: pointer; + text-decoration: none; + outline: none; + color: #fff; + + background-color: #A68CEF; + border: none; + border-radius: 15px; + box-shadow: 0 9px #999; + } + + button:hover { + background-color: #8410f9; + } + + .random { + font-size: 15px; + text-align: center; + } + + button:active { + background-color: #8410f9; + box-shadow: 0 5px #666; + transform: translateY(4px); + } + + form { + display: inline; + text-align: center; + } + + .container { + display: block; + text-align: center; + width: 175px; + margin: auto; + padding-top: 10px; + } + + h2 { + color: black; + font-size: 35px; + text-decoration: underline; + text-align: center; + margin-block-start: 0em !important; + margin-block-end: 0.5em !important; + } + + img { + display: block; + margin-top: 2rem; + margin-left: auto; + margin-right: auto; + width: 90%; + border: 6px solid dark blue; + border-radius: 10px; + margin-bottom: 10px; + } + + ul { + list-style-type: none; + padding: 0; + margin: 0; + } + + ul li { + margin-bottom: 10px; /* Add gap between list items */ + padding: 10px; /* Add padding inside list items */ + border: 1px solid #ddd; /* Optional: Add border for better visibility */ + border-radius: 5px; /* Optional: Add border-radius for rounded corners */ + background-color: #f9f9f9; /* Optional: Add background color */ + } + + li:hover { + cursor: pointer; + } + + .result { + text-align: center; + font-size: 20px; + border: 1px solid dark blue; + padding: 10px; + background-color: #fff; + border-radius: 10px; + margin-bottom: 20px; + } + + .main-container { + display: flex; + justify-content: center; + align-items: flex-start; + margin: 20px; + } + + .left-side, .right-side { + flex: 1; + padding: 20px; + } + + .video-container { + flex: 2; + display: flex; + flex-direction: column; + align-items: center; + } + + .voice-cover { + margin-top: 20px; + text-align: center; + font-size: 25px; + } + + .right-side h3 { + text-align: center; + font-size: 35px; + } + + /* Updated styles for language-options */ + .language-options { + text-align: center; + margin-top: 20px; /* Adjust margin as needed */ + + } + + .language-options h3 { + font-size: 25px; + margin-bottom: 10px; + } + + .language-options select { + font-size: 18px; + padding: 10px; + border-radius: 5px; + border: 1px solid #ccc; + width: 200px; /* Adjust width as needed */ + background-color: #fff; + } diff --git a/Neural Networks/Sign Language To Speech/templates/index.html b/Neural Networks/Sign Language To Speech/templates/index.html new file mode 100644 index 00000000..26f51c78 --- /dev/null +++ b/Neural Networks/Sign Language To Speech/templates/index.html @@ -0,0 +1,175 @@ + + + + + + +

GestureVoice

+
+
+
+

Result : {{ pred }}

+

Autocorrected : {{ predicted_output }}

+
+
+

Select Language:

+
+ +
+
+
+
+
+ +
+
+
+ + +
+
+
+
+

Suggestions

+ +
+
+
+
+ +
+
+ +
+
+ + + + diff --git a/Neural Networks/Sign Language To Speech/text_speech.py b/Neural Networks/Sign Language To Speech/text_speech.py new file mode 100644 index 00000000..63d394d0 --- /dev/null +++ b/Neural Networks/Sign Language To Speech/text_speech.py @@ -0,0 +1,56 @@ +import pyttsx3 +from googletrans import Translator +from gtts import gTTS +import os +import pygame +import time +import tempfile + + +def text_to_speech(text, gender='Male', language='en'): + if language != 'en': + # no male voices for other languages except english + translator = Translator() + trans = translator.translate(text, src='en', dest=language) + text = trans.text + + + tts = gTTS(text=text, lang=language) + + + with tempfile.NamedTemporaryFile(delete=False, suffix='.mp3') as temp_audio_file: + temp_audio_path = temp_audio_file.name + + tts.save(temp_audio_path) + pygame.mixer.init() + pygame.mixer.music.load(temp_audio_path) + pygame.mixer.music.play() + + while pygame.mixer.music.get_busy(): + time.sleep(1) + + + pygame.mixer.music.stop() + pygame.mixer.quit() + + + os.remove(temp_audio_path) + else: + + voice_dict = {'Male': 0, 'Female': 1} + code = voice_dict[gender] + + engine = pyttsx3.init() + engine.setProperty('rate', 125) + + + engine.setProperty('volume', 0.8) + + voices = engine.getProperty('voices') + engine.setProperty('voice', voices[code].id) + + engine.say(text) + engine.runAndWait() + + +